Index A | B | C | D | E | F | G | H | I | J | K | L | M | N | O | P | Q | R | S | T | U | V | W | X | Y | Z A acall() (AnthropicAPIClient method) (AzureAIClient method) (CohereAPIClient method) (Component method) (Embedder method) (FunctionTool method) (Generator method) (GradComponent method) (GroqAPIClient method) (ModelClient method) (OllamaClient method) (OpenAIClient method) (Retriever method) (Sequential method) action (FunctionExpression attribute) (StepOutput attribute) AdalComponent (class in optim) (class in optim.trainer) (class in optim.trainer.adal) ADALFLOW_DEFAULT_PROMPT_ARGS (in module core.default_prompt_template) ADALFLOW_DEFAULT_PROMPT_TRAINABLE_PARAMS (in module core.default_prompt_template) adaltask (Trainer attribute), [1], [2] add() (LocalDB method) add_component() (Component method) add_context() (Gradient method), [1] add_data() (Gradient method), [1] add_dataclass_to_trace() (Parameter method), [1] add_dialog_turn() (Memory method) add_documents() (LanceDBRetriever method) add_failed_proposal() (TGDOptimizer method), [1], [2] add_gradient() (Parameter method), [1] add_history() (TGDOptimizer method), [1], [2] add_prompt() (Gradient method), [1] add_score_to_current_param() (TGDOptimizer method), [1], [2] add_score_to_params() (TGDOptimizer method), [1], [2] add_score_to_trace() (Parameter method), [1] add_scores() (BootstrapFewShot method), [1] (DemoOptimizer method), [1] add_successor_map_fn() (Parameter method), [1] additional_info (EvaluationResult attribute) allowed_types (OutputParameter attribute) (Parameter attribute), [1] answer (Example attribute), [1] AnswerMatchAcc (class in eval) (class in eval.answer_match_acc) ANTHROPIC (ModelClientType attribute) (OptionalPackages attribute) AnthropicAPIClient (class in components.model_client.anthropic_client) api_kwargs (ComponentTrace attribute) (TGDOptimizerTrace attribute) append() (ComponentList method) (Sequential method) append_dialog_turn() (Conversation method) append_to_jsonl() (in module utils.file_io) args (Function attribute) assistant_response (DialogTurn attribute) assistant_response_timestamp (DialogTurn attribute) AssistantResponse (class in core.types) attempted_val_score (TrainerStepResult attribute) average_pool() (in module components.model_client.transformers_client) avg_score (EvaluationResult attribute) (LLMJudgeEvalResult attribute) AZURE (OptionalPackages attribute) AzureAIClient (class in components.model_client.azureai_client) B backward() (EvalFnToTextLoss method), [1], [2] (Generator method) (GradComponent method) (LossComponent method) (Parameter method), [1] (Sum method), [1] backward_engine (AdalComponent attribute), [1], [2] (GradComponent attribute) (LossComponent attribute) (Sum attribute) backward_pass_setup (Generator attribute) backward_with_pass_through_gradients() (GradComponent method) BackwardContext (class in optim) (class in optim.function) BackwardEngine (class in core.generator) BaseData (class in datasets.types) BaseEvaluator (class in eval.base) batch_val_score_threshold (Trainer attribute), [1], [2] BatchEmbedder (class in core.embedder) bicall() (AdalComponent method), [1], [2] (CallFunctionTool method) (Component method) (FunctionTool method) (ReActAgent method), [1] BigBenchHard (class in datasets) (class in datasets.big_bench_hard) BM25Retriever (class in components.retriever) (class in components.retriever.bm25_retriever) BooleanOutputParser (class in components.output_parsers.outputs) BooleanParser (class in core.string_parser) BootstrapFewShot (class in optim) (class in optim.few_shot.bootstrap_optimizer) BOTO3 (OptionalPackages attribute) build_index_from_documents() (BM25Retriever method), [1] (FAISSRetriever method) (LLMRetriever method), [1] (RerankerRetriever method), [1] (Retriever method) C CachedEngine (class in utils.cache) calculate_class_weights() (in module datasets.trec) call() (AdalComponent method), [1], [2] (AnthropicAPIClient method) (AzureAIClient method) (BackwardEngine method) (BatchEmbedder method) (BM25Retriever method), [1] (BooleanOutputParser method) (BooleanParser method) (CallFunctionTool method) (ClassSampler method), [1] (CohereAPIClient method) (Component method) (DataClassParser method), [1] (DefaultLLMJudge method) (Embedder method) (FAISSRetriever method) (FloatParser method) (FuncComponent method) (FuncDataComponent method) (FunctionExperssionToFunction method) (FunctionTool method) (FunGradComponent method) (Generator method) (GEvalLLMJudge method), [1] (GoogleGenAIClient method) (GradComponent method) (GroqAPIClient method) (IntParser method) (JsonOutputParser method), [1] (JsonParser method) (ListOutputParser method), [1] (ListParser method) (LLMRetriever method), [1] (Memory method) (ModelClient method) (OllamaClient method) (OpenAIClient method) (OutputParser method) (PostgresRetriever method) (Prompt method) (QdrantRetriever method) (RandomSampler method), [1] (ReActAgent method), [1] (RerankerRetriever method), [1] (Retriever method) (Sampler method), [1] (Sequential method) (TextSplitter method), [1] (ToolManager method) (TransformersClient method) (YamlOutputParser method), [1] (YamlParser method) CallbackManager (class in tracing.callback_manager) CallFunctionTool (class in core.tool_manager) check_adal_dataclass() (in module core.base_data_class) check_data_class_field_args_one() (in module core.functional) check_data_class_field_args_zero() (in module core.functional) check_if_already_computed_gradient_respect_to() (Parameter method), [1] check_if_class_field_args_one_exists() (in module core.functional) check_if_class_field_args_zero_exists() (in module core.functional) check_object() (in module utils.serialization) children() (Component method) ckpt_file (Trainer attribute), [1], [2] ckpt_path (Trainer attribute), [1], [2] CLASS (ObjectTypes attribute) class_index (TrecData attribute), [1] class_instance (FunctionDefinition attribute) class_name (TrecData attribute), [1] ClassSampler (class in optim) (class in optim.sampler) clean_device_cache() (in module components.model_client.transformers_client) COHERE (ModelClientType attribute) (OptionalPackages attribute) CohereAPIClient (class in components.model_client.cohere_client) COHERENCE (GEvalMetric attribute), [1] completion_tokens (CompletionUsage attribute) CompletionUsage (class in core.types) Component (class in core.component) component_trace (OutputParameter attribute) ComponentList (class in core.container) ComponentNode (class in optim.parameter) components() (Component method) components.agent module components.agent.react module components.data_process module components.data_process.data_components module components.data_process.text_splitter module components.memory module components.memory.memory module components.model_client module components.model_client.anthropic_client module components.model_client.azureai_client module components.model_client.cohere_client module components.model_client.deepseek_client module components.model_client.fireworks_client module components.model_client.google_client module components.model_client.groq_client module components.model_client.mistral_client module components.model_client.ollama_client module components.model_client.openai_client module components.model_client.sambanova_client module components.model_client.transformers_client module components.model_client.utils module components.model_client.xai_client module components.output_parsers module components.output_parsers.dataclass_parser module components.output_parsers.outputs module components.retriever module components.retriever.bm25_retriever module components.retriever.faiss_retriever module components.retriever.lancedb_retriver module components.retriever.llm_retriever module components.retriever.postgres_retriever module components.retriever.qdrant_retriever module components.retriever.reranker_retriever module ComponentTrace (class in optim.parameter) compose_model_kwargs() (in module core.functional) compose_prompt_kwargs() (Prompt method) compute() (AnswerMatchAcc method), [1] (BaseEvaluator method) (GEvalJudgeEvaluator method), [1] (LLMasJudge method), [1] (RetrieverEvaluator method), [1] compute_single_item() (AnswerMatchAcc method), [1] (BaseEvaluator method) (GEvalJudgeEvaluator method), [1] (RetrieverEvaluator method), [1] confidence_interval (LLMJudgeEvalResult attribute) confidence_interval() (in module eval.functional) config_dataset() (BootstrapFewShot method), [1] config_shots() (BootstrapFewShot method), [1] (DemoOptimizer method), [1] configure_backward_engine() (AdalComponent method), [1], [2] configure_backward_engine_helper() (AdalComponent method), [1], [2] configure_callbacks() (AdalComponent method), [1], [2] configure_demo_optimizer_helper() (AdalComponent method), [1], [2] configure_optimizers() (AdalComponent method), [1], [2] configure_teacher_generator() (AdalComponent method), [1], [2] configure_teacher_generator_helper() (AdalComponent method), [1], [2] configure_text_optimizer_helper() (AdalComponent method), [1], [2] CONSISTENCY (GEvalMetric attribute), [1] constraint_text (TGDOptimizer property), [1], [2] constraints (TGDOptimizer attribute), [1], [2] context (Gradient attribute), [1] (HotPotQAData attribute), [1] conver_db (in module components.memory.memory) Conversation (class in core.types) conversation_id (DialogTurn attribute) convert_inputs_to_api_kwargs() (AnthropicAPIClient method) (AzureAIClient method) (CohereAPIClient method) (GoogleGenAIClient method) (GroqAPIClient method) (ModelClient method) (OllamaClient method) (OpenAIClient method) (TransformersClient method) convert_schema_to_signature() (in module core.functional) core.base_data_class module core.component module core.container module core.db module core.default_prompt_template module core.embedder module core.func_tool module core.functional module core.generator module core.model_client module core.prompt_builder module core.retriever module core.string_parser module core.tokenizer module core.tool_manager module core.types module correct_val_score_threshold (Trainer attribute), [1], [2] COSINE (DistanceToOperator attribute) count_tokens() (Tokenizer method) create_context_map_from_tools() (ToolManager static method) create_demo_data_instance() (Generator method) create_teacher_generator() (in module core.generator) created_at (Conversation attribute) current_conversation (in module components.memory.memory) current_tgd_output (TGDOptimizer attribute), [1], [2] custom_asdict() (in module core.functional) D data (EmbedderOutput attribute) (GeneratorOutput attribute) (Gradient attribute), [1] (Parameter attribute), [1] (PromptData attribute) (Sample attribute) data_id (Gradient attribute), [1] (Parameter attribute), [1] data_in_prompt (Parameter attribute), [1] DataClass (class in core.base_data_class) dataclass_obj_from_dict() (in module core.functional) DataClassFormatType (class in core.base_data_class) DataClassParser (class in components.output_parsers) (class in components.output_parsers.dataclass_parser) DataComponent (class in core.component) DataLoader (class in utils.data) Dataset (class in utils.data) dataset (DemoOptimizer attribute), [1] (Sampler attribute), [1] (Subset attribute) datasets module DATASETS (OptionalPackages attribute) datasets.big_bench_hard module datasets.gsm8k module datasets.hotpot_qa module datasets.trec module datasets.types module datasets.utils module debug (Trainer attribute), [1], [2] debug_report() (Trainer method), [1], [2] decode() (Tokenizer method) DeepSeekClient (class in components.model_client.deepseek_client) default() (in module utils.serialization) DEFAULT_ADALFLOW_SYSTEM_PROMPT (in module core.default_prompt_template), [1] DEFAULT_REACT_AGENT_SYSTEM_PROMPT (in module components.agent.react) DefaultLLMJudge (class in eval.llm_as_judge) delete() (LocalDB method) delete_dialog_turn() (Conversation method) demo_optimizers (Trainer attribute), [1] DemoOptimizer (class in optim) (class in optim.optimizer) DEMOS (ParameterType attribute) deserialize() (in module utils.serialization) diagnose() (Trainer method), [1], [2] diagnose_report() (Trainer method), [1], [2] dialog_turns (Conversation attribute) dialog_turns_input (Conversation attribute) DialogTurn (class in core.types) dict_to_yaml() (DataClass method) direct() (in module utils.cache) disable_backward (Trainer attribute), [1], [2] disable_backward_engine() (AdalComponent method), [1], [2] (GradComponent method) (LossComponent method) disable_backward_engine_helper() (AdalComponent method), [1], [2] disable_backward_gradients (Trainer attribute), [1], [2] DistanceToOperator (class in components.retriever.postgres_retriever) doc_indices() (RetrieverOutput method) doc_scores (RetrieverOutput attribute) Document (class in core.types) documents (RetrieverOutput attribute) draw_component_subgraph() (Parameter method), [1] draw_graph() (Parameter method), [1] draw_interactive_html_graph() (Parameter method), [1] draw_output_subgraph() (Parameter method), [1] DynamicDataClassFactory (class in core.base_data_class) E effective_measure (TrainerResult attribute) Embedder (class in core.embedder) EMBEDDER (ModelType attribute) EmbedderOutput (class in core.types) EmbedderOutputType (in module core.types) Embedding (class in core.types) embedding (Embedding attribute) embedding_dim (EmbedderOutput property) encode() (Tokenizer method) EntityMapping (class in utils.registry) error (EmbedderOutput attribute) (FunctionOutput attribute) (GeneratorOutput attribute) estimate_token_count() (in module components.model_client.openai_client) estimated_num_tokens (Document attribute) eval module eval() (Component method) eval.answer_match_acc module eval.base module eval.functional module eval.g_eval module eval.llm_as_judge module eval.retriever_recall module eval.utils module eval_comp_id (ScoreTrace attribute) eval_comp_name (ScoreTrace attribute) eval_fn (AdalComponent attribute), [1], [2] eval_input (Parameter attribute), [1] eval_score (HistoryPrompt attribute) EvalFnToTextLoss (class in optim) (class in optim.text_grad) (class in optim.text_grad.text_loss_with_eval_fn) evaluate_ast_node() (in module core.functional) evaluate_samples() (AdalComponent method), [1], [2] EvaluationResult (class in eval.base) (class in optim.types) Example (class in datasets) (class in datasets.types) EXAMPLE_JSON (DataClassFormatType attribute) EXAMPLE_YAML (DataClassFormatType attribute) exclude_input_fields_from_bootstrap_demos (DemoOptimizer attribute), [1] ExcludeType (in module core.base_data_class) execute() (FunctionTool method) execute_func() (ToolManager method) execute_func_async() (ToolManager method) execute_func_expr() (ToolManager method) execute_func_expr_async() (ToolManager method) execute_func_expr_via_eval() (ToolManager method) execute_func_expr_via_sandbox() (ToolManager method) extend() (ComponentList method) (LocalDB method) (Sequential method) extract_dataclass_type() (in module core.functional) extract_first_boolean() (in module core.functional) extract_first_float() (in module core.functional) extract_first_int() (in module core.functional) extract_function_expression() (in module core.functional) extract_json_str() (in module core.functional) extract_list_str() (in module core.functional) extract_new_variable() (in module optim.text_grad.tgd_optimizer) extract_yaml_str() (in module core.functional) F f1_score() (in module eval.utils) failed_proposals (TGDOptimizer attribute), [1], [2] failure_message_to_backward_engine() (Generator static method) failure_message_to_optimizer() (BackwardEngine static method) FAISS (OptionalPackages attribute) FAISSRetriever (class in components.retriever.faiss_retriever) feedback (EvaluationResult attribute) fetch_items() (LocalDB method) fetch_transformed_items() (LocalDB method) find_demo_parameter() (Generator static method) find_instance_name_from_self() (in module core.func_tool) FIREWORKS (OptionalPackages attribute) FireworksClient (class in components.model_client.fireworks_client) fit() (Trainer method), [1], [2] fix_json_escaped_single_quotes() (in module core.functional) fix_json_missing_commas() (in module core.functional) FloatParser (class in core.string_parser) FLUENCY (GEvalMetric attribute), [1] fn_schema_str() (FunctionDefinition method) format_class_str() (DataClass class method) format_example_str() (DataClass method) format_instructions() (BooleanOutputParser method) (JsonOutputParser method), [1] (ListOutputParser method), [1] (OutputParser method) (YamlOutputParser method), [1] format_vector_search_query() (PostgresRetriever class method) forward() (AdalComponent method), [1], [2] (BackwardEngine method) (CallFunctionTool method) (Component method) (EvalFnToTextLoss method), [1], [2] (FunctionTool method) (FunGradComponent method) (Generator method) (GradComponent method) (LLMAsTextLoss method), [1], [2] (LossComponent method) (ReActAgent method), [1] (Retriever method) (Sum method), [1] (ToolManager method) from_config() (Component class method) (Embedder class method) (Generator class method) from_dict() (AzureAIClient class method) (Component class method) (DataClass class method) (Document class method) (DynamicDataClassFactory static method) (GroqAPIClient class method) (OllamaClient class method) (OpenAIClient class method) (OutputParameter class method) (Parameter class method), [1] (Prompt class method) from_dict_to_json() (in module core.functional) from_dict_to_yaml() (in module core.functional) from_function() (Function class method) (FunctionExpression class method) from_json() (DataClass class method) from_json_to_dict() (in module core.functional) from_response_component_id (Gradient attribute), [1] from_response_id (Gradient attribute), [1] from_yaml() (DataClass class method) from_yaml_to_dict() (in module core.functional) full_response (ComponentTrace attribute) (OutputParameter attribute) fun_to_grad_component() (in module optim.grad_component) func_desc (FunctionDefinition attribute) func_name() (FunctionDefinition method) func_parameters (FunctionDefinition attribute) func_to_component() (in module core.component) func_to_data_component() (in module core.component) FuncComponent (class in core.component) FuncDataComponent (class in core.component) Function (class in core.types) function (StepOutput attribute) function_definitions (ToolManager property) FunctionDefinition (class in core.types) FunctionExperssionToFunction (class in core.tool_manager) FunctionExpression (class in core.types) FunctionOutput (class in core.types) FunctionTool (class in core.func_tool) FunGradComponent (class in optim.grad_component) G gather_trainer_states() (Trainer method), [1], [2] generate_function_call_expression_from_callable() (in module core.functional) generate_node_html() (Parameter static method), [1] generate_readable_key_for_function() (in module core.functional) Generator (class in core.generator) generator_names (GeneratorStateLogger property) generator_names_to_files (GeneratorCallLogger property) GENERATOR_OUTPUT (ParameterType attribute) GeneratorCallLogger (class in tracing.generator_call_logger) GeneratorCallRecord (class in tracing.generator_call_logger) GeneratorOutput (class in core.types) GeneratorStateLogger (class in tracing.generator_state_logger) GeneratorStatesRecord (class in tracing.generator_state_logger) get() (EntityMapping class method) get_adalflow_default_root_path() (in module utils.global_config) get_all() (EntityMapping class method) get_all_messages_content() (in module components.model_client.openai_client) get_cache_path() (Generator method) get_calls() (GeneratorCallLogger method) get_chat_history_str() (Conversation method) get_context_index() (ToolManager static method) get_current_script_and_line() (in module utils.logger) get_dataclass_schema() (in module core.functional) get_default_task_instruction() (BigBenchHard static method), [1] get_device() (in module components.model_client.transformers_client) get_dialog_turns() (Conversation method) get_enum_schema() (in module core.functional) get_examples_str() (DataClassParser method), [1] get_first_message_content() (in module components.model_client.anthropic_client) (in module components.model_client.openai_client) get_fun_schema() (in module core.functional) get_grad_fn() (Parameter method), [1] get_gradient_and_context_text() (Parameter method), [1] get_gradients_component_schema() (Parameter method), [1] get_gradients_names() (Parameter method), [1] get_gradients_str() (Parameter method), [1] get_gt() (Parameter method), [1] get_input_fields() (DataClass class method) get_input_format_str() (DataClassParser method), [1] get_input_str() (DataClassParser method), [1] get_jinja2_environment() (in module core.prompt_builder) get_log_location() (GeneratorCallLogger method) (GeneratorStateLogger method) get_logger() (in module utils.logger) get_model_args() (in module core.types) get_next_order() (Conversation method) get_output_fields() (DataClass class method) get_output_format_str() (DataClassParser method), [1] get_param_info() (Parameter method), [1] get_probabilities() (in module components.model_client.openai_client) get_prompt() (Generator method) get_prompt_data() (Parameter method), [1] get_prompt_variables() (Prompt method) get_short_value() (Parameter method), [1] get_string_tokens() (Tokenizer method) get_subcomponent() (Component method) get_task_desc() (DataClass class method) get_task_desc_str() (DataClassParser method), [1] get_top_k_indices_scores() (in module core.functional) get_transformed_data() (LocalDB method) get_transformer_keys() (LocalDB method) get_type_schema() (in module core.functional) GEvalJudgeEvaluator (class in eval) (class in eval.g_eval) GEvalLLMJudge (class in eval) (class in eval.g_eval) GEvalMetric (class in eval) (class in eval.g_eval) gold_reasoning (GSM8KData attribute), [1] gold_titles (HotPotQAData attribute), [1] GOOGLE_GENAI (ModelClientType attribute) GOOGLE_GENERATIVEAI (OptionalPackages attribute) GoogleGenAIClient (class in components.model_client.google_client) GradComponent (class in optim.grad_component) Gradient (class in optim) (class in optim.gradient) GradientContext (class in optim) (class in optim.gradient) gradients (Parameter attribute) GROQ (ModelClientType attribute) (OptionalPackages attribute) GroqAPIClient (class in components.model_client.groq_client) GSM8K (class in datasets) (class in datasets.gsm8k) GSM8KData (class in datasets) (class in datasets.types) gt (Parameter attribute), [1] gts (Instruction attribute) H handle_streaming_response() (in module components.model_client.openai_client) hash_text() (in module utils.cache) hash_text_sha1() (in module utils.cache) HistoryPrompt (class in optim.text_grad.tgd_optimizer) HotPotQA (class in datasets) (class in datasets.hotpot_qa) HotPotQAData (class in datasets) (class in datasets.types) HYPERPARAM (ParameterType attribute) I id (BaseData attribute) (ComponentNode attribute) (ComponentTrace attribute) (Conversation attribute) (DialogTurn attribute) (Document attribute) (Example attribute), [1] (GeneratorOutput attribute) (GradComponent attribute) (HistoryPrompt attribute) (LossComponent attribute) (Parameter attribute), [1] (PromptData attribute) (RetrieverOutput attribute) IMAGE_GENERATION (ModelType attribute) IncludeType (in module core.base_data_class) increment_steps_from_last_improvement() (TGDOptimizer method), [1], [2] index (Embedding attribute) (Sample attribute) index_keys (Retriever attribute) index_path (LocalDB attribute) indexed (Retriever attribute) indices (Subset attribute) infer_bge_reranker_base() (TransformerReranker method) infer_gte_base_embedding() (TransformerEmbedder method) infer_llm() (TransformerLLM method) init_async_client() (AnthropicAPIClient method) (AzureAIClient method) (CohereAPIClient method) (GroqAPIClient method) (ModelClient method) (OllamaClient method) (OpenAIClient method) init_llm_client() (TransformersClient method) init_model() (TransformerEmbedder method) (TransformerLLM method) (TransformerReranker method) init_reranker_client() (TransformersClient method) init_sync_client() (AnthropicAPIClient method) (AzureAIClient method) (CohereAPIClient method) (GoogleGenAIClient method) (GroqAPIClient method) (ModelClient method) (OllamaClient method) (OpenAIClient method) (TransformersClient method) initial_validation() (Trainer method), [1], [2] INNER_PRODUCT (DistanceToOperator attribute) input (EmbedderOutput attribute) (FunctionOutput attribute) (GeneratorCallRecord attribute) INPUT (ParameterType attribute) input_args (ComponentTrace attribute) input_output (GradientContext attribute), [1] insert() (ComponentList method) (Sequential method) INSTANCE (ObjectTypes attribute) Instruction (class in optim.text_grad.tgd_optimizer) instruction_to_backward_engine (Parameter attribute) instruction_to_optimizer (Parameter attribute) IntParser (class in core.string_parser) is_async (FunctionTool property) is_dataclass_instance() (in module core.functional) is_default_copy (Gradient attribute), [1] is_key_in_template() (Prompt method) is_normalized (EmbedderOutput property) is_normalized() (in module core.functional) is_picklable() (Component method) is_potential_dataclass() (in module core.functional) is_running_in_event_loop() (in module core.func_tool) items (LocalDB attribute) J json_definitions (ToolManager property) JsonOutputParser (class in components.output_parsers) (class in components.output_parsers.outputs) JsonParser (class in core.string_parser) judgement_score_list (LLMJudgeEvalResult attribute) K kwargs (Function attribute) L L1 (DistanceToOperator attribute) L2 (DistanceToOperator attribute) LANCEDB (OptionalPackages attribute) LanceDBRetriever (class in components.retriever.lancedb_retriver) LazyImport (class in utils.lazy_import) length (EmbedderOutput property) (LocalDB property) list_models() (GroqAPIClient method) (ModelClient method) ListOutputParser (class in components.output_parsers) (class in components.output_parsers.outputs) ListParser (class in core.string_parser) LLM (ModelType attribute) LLMasJudge (class in eval) (class in eval.llm_as_judge) LLMAsTextLoss (class in optim) (class in optim.text_grad) (class in optim.text_grad.llm_text_loss) LLMJudgeEvalResult (class in eval.llm_as_judge) LLMRetriever (class in components.retriever) (class in components.retriever.llm_retriever) load() (GeneratorCallLogger method) (GeneratorStateLogger method) (in module utils.file_io) (LocalDB method) load_class() (LazyImport method) load_from_file() (BM25Retriever class method), [1] (Retriever class method) load_from_pickle() (Component class method) load_json() (in module utils.file_io) load_jsonl() (in module utils.file_io) load_meta_data() (GeneratorCallLogger method) load_pickle() (in module utils.file_io) load_standard_json() (in module utils.file_io) load_state() (LocalDB class method) load_state_dict() (Component method) load_state_pickle() (Component class method) LocalDB (class in core.db) log_call() (GeneratorCallLogger method) log_prompt() (GeneratorStateLogger method) logprob (TokenLogProb attribute) longest_common_substring() (in module eval.functional) loss_eval_fn (AdalComponent attribute), [1], [2] loss_fn (AdalComponent attribute), [1], [2] LOSS_OUTPUT (ParameterType attribute) loss_step() (AdalComponent method), [1], [2] LossComponent (class in optim.loss_component) M map_to_successor() (Parameter method), [1] mapper_setups (LocalDB attribute) max_correct_samples (Trainer attribute), [1], [2] max_error_samples (Trainer attribute), [1], [2] max_proposals_per_step (Trainer attribute), [1], [2] max_score (TrainerValidateStats attribute) max_steps (Trainer attribute), [1], [2] mean_of_score (TrainerValidateStats attribute) Memory (class in components.memory.memory) merge_gradients_for_cycle_components() (Parameter method), [1] meta_data (Document attribute) metadata (AssistantResponse attribute) (Conversation attribute) (DialogTurn attribute) (GeneratorCallRecord attribute) (GeneratorOutput attribute) (UserQuery attribute) method (HistoryPrompt attribute) (TGDData attribute) min_score (TrainerValidateStats attribute) MISTRAL (OptionalPackages attribute) MistralClient (class in components.model_client.mistral_client) model (EmbedderOutput attribute) model_client (Embedder attribute) (Generator attribute) model_kwargs (GeneratorCallRecord attribute) model_to_init_func (TransformerLLM attribute) model_type (Embedder attribute) (Generator attribute) ModelClient (class in core.model_client) ModelClientType (class in core.types) models (TransformerEmbedder attribute) (TransformerLLM attribute) (TransformerReranker attribute) ModelType (class in core.types) module components.agent components.agent.react components.data_process components.data_process.data_components components.data_process.text_splitter components.memory components.memory.memory components.model_client components.model_client.anthropic_client components.model_client.azureai_client components.model_client.cohere_client components.model_client.deepseek_client components.model_client.fireworks_client components.model_client.google_client components.model_client.groq_client components.model_client.mistral_client components.model_client.ollama_client components.model_client.openai_client components.model_client.sambanova_client components.model_client.transformers_client components.model_client.utils components.model_client.xai_client components.output_parsers components.output_parsers.dataclass_parser components.output_parsers.outputs components.retriever components.retriever.bm25_retriever components.retriever.faiss_retriever components.retriever.lancedb_retriver components.retriever.llm_retriever components.retriever.postgres_retriever components.retriever.qdrant_retriever components.retriever.reranker_retriever core.base_data_class core.component core.container core.db core.default_prompt_template core.embedder core.func_tool core.functional core.generator core.model_client core.prompt_builder core.retriever core.string_parser core.tokenizer core.tool_manager core.types datasets datasets.big_bench_hard datasets.gsm8k datasets.hotpot_qa datasets.trec datasets.types datasets.utils eval eval.answer_match_acc eval.base eval.functional eval.g_eval eval.llm_as_judge eval.retriever_recall eval.utils optim optim.few_shot optim.few_shot.bootstrap_optimizer optim.function optim.grad_component optim.gradient optim.loss_component optim.optimizer optim.parameter optim.sampler optim.text_grad optim.text_grad.backend_engine_prompt optim.text_grad.llm_text_loss optim.text_grad.ops optim.text_grad.text_loss_with_eval_fn optim.text_grad.tgd_optimizer optim.trainer optim.trainer.adal optim.trainer.trainer optim.types tracing.callback_manager tracing.decorators tracing.generator_call_logger tracing.generator_state_logger utils.cache utils.config utils.data utils.file_io utils.global_config utils.lazy_import utils.logger utils.registry utils.serialization utils.setup_env N name (Component attribute) (ComponentNode attribute) (ComponentTrace attribute) (Conversation attribute) (Function attribute) (FunctionOutput attribute) (LocalDB attribute) (Parameter attribute), [1] (PromptData attribute) (Retriever attribute) (Sum attribute), [1] named_children() (Component method) named_components() (Component method) named_parameters() (Component method) new_component() (in module utils.config) new_components_from_config() (in module utils.config) NLGTask (class in eval.g_eval) NONE (ParameterType attribute) normalize_answer() (in module eval.utils) normalize_np_array() (in module core.functional) normalize_vector() (in module core.functional) num_shots (BootstrapFewShot property), [1] num_workers (Trainer attribute), [1], [2] O ObjectTypes (class in utils.serialization) observation (StepOutput attribute) OLLAMA (ModelClientType attribute) (OptionalPackages attribute) OllamaClient (class in components.model_client.ollama_client) one_parameter_at_a_time (TGDOptimizer attribute), [1], [2] OPENAI (ModelClientType attribute) (OptionalPackages attribute) OpenAIClient (class in components.model_client.openai_client) optim module optim.few_shot module optim.few_shot.bootstrap_optimizer module optim.function module optim.grad_component module optim.gradient module optim.loss_component module optim.optimizer module optim.parameter module optim.sampler module optim.text_grad module optim.text_grad.backend_engine_prompt module optim.text_grad.llm_text_loss module optim.text_grad.ops module optim.text_grad.text_loss_with_eval_fn module optim.text_grad.tgd_optimizer module optim.trainer module optim.trainer.adal module optim.trainer.trainer module optim.types module optimization_order (Trainer attribute), [1], [2] Optimizer (class in optim) (class in optim.optimizer) optimizer (Trainer attribute), [1], [2] OptionalPackages (class in utils.lazy_import) order (DialogTurn attribute) (Document attribute) (Gradient attribute), [1] output (FunctionOutput attribute) (GeneratorCallRecord attribute) OUTPUT (ParameterType attribute) output (TGDOptimizerTrace attribute) output_processors (Embedder attribute) OutputParameter (class in optim) OutputParser (class in components.output_parsers.outputs) P param_type (Parameter attribute), [1] Parameter (class in optim) (class in optim.parameter) parameters() (Component method) ParameterType (class in optim.types) params (DemoOptimizer attribute) (Optimizer attribute), [1] (TGDOptimizer attribute), [1], [2] params_history (TGDOptimizer attribute), [1], [2] parent_doc_id (Document attribute) parse_chat_completion() (AnthropicAPIClient method) (AzureAIClient method) (GoogleGenAIClient method) (GroqAPIClient method) (ModelClient method) (OllamaClient method) (OpenAIClient method) (TransformerLLM method) (TransformersClient method) parse_embedding_response() (AzureAIClient method) (in module components.model_client.utils) (ModelClient method) (OllamaClient method) (OpenAIClient method) (TransformersClient method) parse_func_expr() (ToolManager method) parse_function_call_expr() (in module core.functional) parse_generate_response() (in module components.model_client.ollama_client) parse_image_generation_response() (OpenAIClient method) parse_json_str_to_obj() (in module core.functional) parse_stream_response() (in module components.model_client.ollama_client) (in module components.model_client.openai_client) parse_yaml_str_to_obj() (in module core.functional) parsed_input (FunctionOutput attribute) peers (Parameter attribute), [1] per_item_scores (EvaluationResult attribute) PGVECTOR (OptionalPackages attribute) pickle_to_file() (Component method) pop() (ComponentList method) PostgresRetriever (class in components.retriever.postgres_retriever) pred_step() (AdalComponent method), [1], [2] predecessors (Parameter attribute), [1] prep_ckpt_file_path() (Trainer method), [1], [2] prepare_dataset_path() (in module datasets.utils) prepare_datasets() (in module datasets.trec) prepare_eval() (AdalComponent method), [1], [2] prepare_loss() (AdalComponent method), [1], [2] prepare_loss_eval() (AdalComponent method), [1], [2] prepare_task() (AdalComponent method), [1], [2] preprocess() (Tokenizer method) print_prompt() (Generator method) (Prompt method) print_prompt_template() (Prompt method) printc() (in module utils.logger) Prompt (class in core.prompt_builder) prompt (Gradient attribute), [1] PROMPT (ParameterType attribute) prompt (TrainerStepResult attribute) prompt_kwargs (GeneratorCallRecord attribute) prompt_states (GeneratorStatesRecord attribute) prompt_tokens (CompletionUsage attribute) (Usage attribute) PromptData (class in optim.types) propose() (BootstrapFewShot method), [1] (Optimizer method), [1] (TGDOptimizer method), [1], [2] propose_data() (Parameter method), [1] proposed_variable (TGDData attribute) proposing (Optimizer attribute), [1] (Parameter attribute), [1] (TGDOptimizer attribute), [1], [2] Q QDRANT (OptionalPackages attribute) QdrantRetriever (class in components.retriever.qdrant_retriever) query (RetrieverOutput attribute) query_str (UserQuery attribute) question (Example attribute), [1] (TrecData attribute), [1] R random_replace() (ClassSampler method), [1] (RandomSampler method), [1] (Sampler method), [1] random_sample() (ClassSampler method), [1] (in module core.functional) (RandomSampler method), [1] random_seed (Trainer attribute), [1], [2] RandomSampler (class in optim) (class in optim.sampler) raw_response (ComponentTrace attribute) (EmbedderOutput attribute) (GeneratorOutput attribute) ReActAgent (class in components.agent) (class in components.agent.react) reasoning (GSM8KData attribute), [1] (HistoryPrompt attribute) (TGDData attribute) register() (EntityMapping class method) register_callback() (CallbackManager method) register_component() (Component method) register_generator() (GeneratorCallLogger method) register_parameter() (Component method) register_transformer() (LocalDB method) RELEVANCE (GEvalMetric attribute), [1] render_failed_proposals() (TGDOptimizer method), [1], [2] render_history() (TGDOptimizer method), [1], [2] represent_ordereddict() (in module core.functional) required_field() (in module core.base_data_class) requires_opt (PromptData attribute) RERANKER (ModelType attribute) RerankerRetriever (class in components.retriever) (class in components.retriever.reranker_retriever) reset() (GeneratorCallLogger method) (LocalDB method) reset_all_gradients() (Parameter method), [1] reset_gradients() (Parameter method), [1] reset_index() (BM25Retriever method), [1] (FAISSRetriever method) (LLMRetriever method), [1] (QdrantRetriever method) (RerankerRetriever method), [1] (Retriever method) reset_mock_output() (Generator method) reset_steps_from_last_improvement() (TGDOptimizer method), [1], [2] response_desc (GradientContext attribute), [1] response_str (AssistantResponse attribute) responses (Instruction attribute) resume_params_from_ckpt() (Trainer method), [1], [2] retrieve() (LanceDBRetriever method) retrieve_by_sql() (PostgresRetriever method) retrieve_embedding_queries() (FAISSRetriever method) retrieve_string_queries() (FAISSRetriever method) Retriever (class in core.retriever) RETRIEVER_OUTPUT (ParameterType attribute) retriever_output_to_context_str() (in module components.data_process.data_components) RetrieverEvaluator (class in eval) (class in eval.retriever_recall) RetrieverOutput (class in core.types) RetrieverOutputToContextStr (class in components.data_process) (class in components.data_process.data_components) revert() (BootstrapFewShot method), [1] (Optimizer method), [1] (TGDOptimizer method), [1], [2] revert_data() (Parameter method), [1] role_desc (Parameter attribute), [1] run_async_in_new_loop() (in module core.tool_manager) run_one_loss_sample() (AdalComponent method), [1], [2] run_one_task_sample() (AdalComponent method), [1], [2] S safe_import() (in module utils.lazy_import) SambaNovaClient (class in components.model_client.sambanova_client) Sample (class in optim.sampler) sample() (BootstrapFewShot method), [1] sample_subset_dataset() (in module datasets.trec) Sampler (class in optim) (class in optim.sampler) samples_to_str() (BootstrapFewShot static method), [1] sandbox_exec() (in module core.functional) save() (GeneratorStateLogger method) (in module utils.file_io) save_csv() (in module utils.file_io) save_json() (in module utils.file_io) save_meta_data() (GeneratorCallLogger method) save_pickle() (in module utils.file_io) save_state() (LocalDB method) save_to_file() (BM25Retriever method), [1] (Retriever method) SCHEMA (DataClassFormatType attribute) score (Document attribute) (EvaluationResult attribute) (Gradient attribute), [1] (Instruction attribute) (Parameter attribute) (ScoreTrace attribute) ScoreTrace (class in optim.parameter) Sequential (class in core.container) sequential_order (Trainer attribute), [1], [2] serialize() (in module utils.serialization) set_assistant_response() (DialogTurn method) set_backward_engine() (EvalFnToTextLoss method), [1], [2] (Generator method) (GradComponent method) (LossComponent method) set_cache_path() (Generator method) set_dataset() (DemoOptimizer method), [1] (RandomSampler method), [1] (Sampler method), [1] set_eval_fn_input() (Parameter method), [1] set_grad_fn() (Parameter method), [1] set_gt() (Parameter method), [1] set_input_fields() (DataClass class method) set_llm_client() (TransformersClient method) set_max_steps() (DataLoader method) set_mock_output() (Generator method) set_output_fields() (DataClass class method) set_parameters() (Generator method) set_peers() (Parameter method), [1] set_predecessors() (Parameter method), [1] set_random_seed() (Trainer method), [1], [2] set_score() (Parameter method), [1] set_target_param() (TGDOptimizer method), [1], [2] set_task_desc() (DataClass class method) set_teacher_generator() (Generator method) set_user_query() (DialogTurn method) setup_env() (in module utils.setup_env) SIGNATURE_JSON (DataClassFormatType attribute) SIGNATURE_YAML (DataClassFormatType attribute) SIMPLE_DEFAULT_ADALFLOW_SYSTEM_PROMPT (in module core.default_prompt_template) skip_subset_val (Trainer attribute), [1], [2] sort_gradients() (Parameter method), [1] split_text() (TextSplitter method), [1] split_text_by_word_fn() (in module components.retriever) (in module components.retriever.bm25_retriever) split_text_by_word_fn_then_lower_tokenized() (in module components.retriever) (in module components.retriever.bm25_retriever) split_text_tokenized() (in module components.retriever.bm25_retriever) SQLALCHEMY (OptionalPackages attribute) state_dict() (Component method) (Optimizer method), [1] std_of_score (TrainerValidateStats attribute) step (StepOutput attribute) (TrainerStepResult attribute) step() (BootstrapFewShot method), [1] (Optimizer method), [1] (TGDOptimizer method), [1], [2] step_data() (Parameter method), [1] step_results (TrainerResult attribute) StepOutput (class in core.types) steps (TrainerResult attribute) strategy (Trainer attribute), [1], [2] Subset (class in utils.data) subset_dataset() (in module utils.data) successor_map_fn (Parameter attribute), [1] Sum (class in optim.text_grad) (class in optim.text_grad.ops) sum_ops() (in module optim.text_grad) (in module optim.text_grad.ops) SUM_OUTPUT (ParameterType attribute) SUMMARIZATION (NLGTask attribute) support_models (TransformersClient attribute) T task (AdalComponent attribute), [1], [2] teacher_mode (AdalComponent attribute), [1] (Component attribute) (Sum attribute) (TextSplitter attribute) (Trainer attribute), [1] test_dataset (Trainer attribute), [1], [2] test_score (TrainerResult attribute) (TrainerStepResult attribute) test_scores (TrainerResult attribute) text (Document attribute) (Instruction attribute) text_optimizers (Trainer attribute), [1] text_optimizers_config_kwargs (Trainer attribute), [1], [2] TextOptimizer (class in optim) (class in optim.optimizer) TextSplitter (class in components.data_process) (class in components.data_process.text_splitter) tgd_optimizer_trace (Parameter attribute), [1] TGDData (class in optim.text_grad.tgd_optimizer) TGDOptimizer (class in optim) (class in optim.text_grad) (class in optim.text_grad.tgd_optimizer) TGDOptimizerTrace (class in optim.text_grad.tgd_optimizer) thought (Function attribute) (FunctionExpression attribute) time_stamp (GeneratorCallRecord attribute) (GeneratorStatesRecord attribute) (TrainerResult attribute) to_context_str() (ComponentTrace method) to_dict() (AzureAIClient method) (Component method) (DataClass method) (Generator method) (GroqAPIClient method) (in module utils.serialization) (OllamaClient method) (OpenAIClient method) (OutputParameter method) (Parameter method), [1] (Prompt method) (Sample method) (TGDOptimizer method), [1], [2] to_dict_class() (DataClass class method) to_json() (DataClass method) to_json_obj() (DataClass method) to_json_signature() (DataClass class method) to_pred_id (Gradient attribute), [1] to_prompt_str() (StepOutput method) to_schema() (DataClass class method) to_schema_str() (DataClass class method) to_yaml() (DataClass method) to_yaml_obj() (DataClass method) to_yaml_signature() (DataClass class method) ToEmbeddings (class in components.data_process) (class in components.data_process.data_components) TOGETHER (OptionalPackages attribute) token (TokenLogProb attribute) Tokenizer (class in core.tokenizer) tokenizer (TextSplitter attribute), [1] (TransformerLLM attribute) TokenLogProb (class in core.types) ToolManager (class in core.tool_manager) top_k (Retriever attribute) TORCH (OptionalPackages attribute) total_time (TrainerResult attribute) total_tokens (CompletionUsage attribute) (Usage attribute) trace() (Component method) trace_api_kwargs() (OutputParameter method) trace_forward_pass() (OutputParameter method) trace_generator_call() (in module tracing.decorators) trace_generator_states() (in module tracing.decorators) trace_graph() (Parameter static method), [1] trace_optimizer() (Parameter method), [1] tracing (AdalComponent attribute), [1] (Component attribute) (Sum attribute) (TextSplitter attribute) (Trainer attribute), [1] tracing.callback_manager module tracing.decorators module tracing.generator_call_logger module tracing.generator_state_logger module track_completion_usage() (AnthropicAPIClient method) (AzureAIClient method) (GoogleGenAIClient method) (GroqAPIClient method) (ModelClient method) (OpenAIClient method) train() (Component method) (DataComponent method) train_batch_size (Trainer attribute), [1], [2] train_loader (Trainer attribute), [1], [2] train_step() (AdalComponent method), [1], [2] Trainer (class in optim) (class in optim.trainer) (class in optim.trainer.trainer) trainer_state (TrainerResult attribute) TrainerResult (class in optim.types) TrainerStepResult (class in optim.types) TrainerValidateStats (class in optim.types) training (AdalComponent attribute), [1] (Component attribute) (Sum attribute) (TextSplitter attribute) (Trainer attribute), [1] transform() (LocalDB method) transformed_items (LocalDB attribute) transformer_setups (LocalDB attribute) TransformerEmbedder (class in components.model_client.transformers_client) TransformerLLM (class in components.model_client.transformers_client) TransformerReranker (class in components.model_client.transformers_client) TRANSFORMERS (ModelClientType attribute) (OptionalPackages attribute) TransformersClient (class in components.model_client.transformers_client) TrecData (class in datasets) (class in datasets.types) TrecDataset (class in datasets) (class in datasets.trec) trigger_callbacks() (CallbackManager method) turn_db (in module components.memory.memory) type (ComponentNode attribute) TYPE (ObjectTypes attribute) U UNDEFINED (ModelType attribute) update_default_backward_pass_setup() (Generator method) update_dialog_turn() (Conversation method) update_from_to() (Gradient method), [1] update_gradient_memory() (TGDOptimizer method), [1], [2] update_prompt_kwargs() (Prompt method) update_value() (Parameter method), [1] Usage (class in core.types) usage (EmbedderOutput attribute) (GeneratorOutput attribute) use_teacher() (Component method) use_weighted_sampling() (DemoOptimizer method), [1] user_id (Conversation attribute) (DialogTurn attribute) user_query (DialogTurn attribute) user_query_timestamp (DialogTurn attribute) UserQuery (class in core.types) utils.cache module utils.config module utils.data module utils.file_io module utils.global_config module utils.lazy_import module utils.logger module utils.registry module utils.serialization module utils.setup_env module V val_dataset (Trainer attribute), [1], [2] val_score (TrainerStepResult attribute) val_scores (TrainerResult attribute) validate_condition() (AdalComponent method), [1], [2] validate_data() (in module core.functional) validate_stats (TrainerResult attribute) validation_step() (AdalComponent method), [1], [2] value (HistoryPrompt attribute) variable_desc (GradientContext attribute), [1] vector (DialogTurn attribute) (Document attribute) W wrap_and_escape() (Parameter static method), [1] write_list_to_jsonl() (in module utils.file_io) X XAIClient (class in components.model_client.xai_client) Y yaml_definitions (ToolManager property) YamlOutputParser (class in components.output_parsers) (class in components.output_parsers.outputs) YamlParser (class in core.string_parser) Z zero_grad() (TextOptimizer method), [1] (TGDOptimizer method), [1], [2]