aiqtoolkit 1.1.0__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of aiqtoolkit might be problematic. Click here for more details.
- aiq/agent/__init__.py +0 -0
- aiq/agent/base.py +76 -0
- aiq/agent/dual_node.py +67 -0
- aiq/agent/react_agent/__init__.py +0 -0
- aiq/agent/react_agent/agent.py +322 -0
- aiq/agent/react_agent/output_parser.py +104 -0
- aiq/agent/react_agent/prompt.py +46 -0
- aiq/agent/react_agent/register.py +148 -0
- aiq/agent/reasoning_agent/__init__.py +0 -0
- aiq/agent/reasoning_agent/reasoning_agent.py +224 -0
- aiq/agent/register.py +23 -0
- aiq/agent/rewoo_agent/__init__.py +0 -0
- aiq/agent/rewoo_agent/agent.py +410 -0
- aiq/agent/rewoo_agent/prompt.py +108 -0
- aiq/agent/rewoo_agent/register.py +158 -0
- aiq/agent/tool_calling_agent/__init__.py +0 -0
- aiq/agent/tool_calling_agent/agent.py +123 -0
- aiq/agent/tool_calling_agent/register.py +105 -0
- aiq/builder/__init__.py +0 -0
- aiq/builder/builder.py +223 -0
- aiq/builder/component_utils.py +303 -0
- aiq/builder/context.py +227 -0
- aiq/builder/embedder.py +24 -0
- aiq/builder/eval_builder.py +120 -0
- aiq/builder/evaluator.py +29 -0
- aiq/builder/framework_enum.py +24 -0
- aiq/builder/front_end.py +73 -0
- aiq/builder/function.py +297 -0
- aiq/builder/function_base.py +376 -0
- aiq/builder/function_info.py +627 -0
- aiq/builder/intermediate_step_manager.py +176 -0
- aiq/builder/llm.py +25 -0
- aiq/builder/retriever.py +25 -0
- aiq/builder/user_interaction_manager.py +71 -0
- aiq/builder/workflow.py +143 -0
- aiq/builder/workflow_builder.py +757 -0
- aiq/cli/__init__.py +14 -0
- aiq/cli/cli_utils/__init__.py +0 -0
- aiq/cli/cli_utils/config_override.py +231 -0
- aiq/cli/cli_utils/validation.py +37 -0
- aiq/cli/commands/__init__.py +0 -0
- aiq/cli/commands/configure/__init__.py +0 -0
- aiq/cli/commands/configure/channel/__init__.py +0 -0
- aiq/cli/commands/configure/channel/add.py +28 -0
- aiq/cli/commands/configure/channel/channel.py +36 -0
- aiq/cli/commands/configure/channel/remove.py +30 -0
- aiq/cli/commands/configure/channel/update.py +30 -0
- aiq/cli/commands/configure/configure.py +33 -0
- aiq/cli/commands/evaluate.py +139 -0
- aiq/cli/commands/info/__init__.py +14 -0
- aiq/cli/commands/info/info.py +39 -0
- aiq/cli/commands/info/list_channels.py +32 -0
- aiq/cli/commands/info/list_components.py +129 -0
- aiq/cli/commands/info/list_mcp.py +126 -0
- aiq/cli/commands/registry/__init__.py +14 -0
- aiq/cli/commands/registry/publish.py +88 -0
- aiq/cli/commands/registry/pull.py +118 -0
- aiq/cli/commands/registry/registry.py +38 -0
- aiq/cli/commands/registry/remove.py +108 -0
- aiq/cli/commands/registry/search.py +155 -0
- aiq/cli/commands/start.py +250 -0
- aiq/cli/commands/uninstall.py +83 -0
- aiq/cli/commands/validate.py +47 -0
- aiq/cli/commands/workflow/__init__.py +14 -0
- aiq/cli/commands/workflow/templates/__init__.py.j2 +0 -0
- aiq/cli/commands/workflow/templates/config.yml.j2 +16 -0
- aiq/cli/commands/workflow/templates/pyproject.toml.j2 +22 -0
- aiq/cli/commands/workflow/templates/register.py.j2 +5 -0
- aiq/cli/commands/workflow/templates/workflow.py.j2 +36 -0
- aiq/cli/commands/workflow/workflow.py +37 -0
- aiq/cli/commands/workflow/workflow_commands.py +313 -0
- aiq/cli/entrypoint.py +133 -0
- aiq/cli/main.py +44 -0
- aiq/cli/register_workflow.py +408 -0
- aiq/cli/type_registry.py +879 -0
- aiq/data_models/__init__.py +14 -0
- aiq/data_models/api_server.py +588 -0
- aiq/data_models/common.py +143 -0
- aiq/data_models/component.py +46 -0
- aiq/data_models/component_ref.py +135 -0
- aiq/data_models/config.py +349 -0
- aiq/data_models/dataset_handler.py +122 -0
- aiq/data_models/discovery_metadata.py +286 -0
- aiq/data_models/embedder.py +26 -0
- aiq/data_models/evaluate.py +104 -0
- aiq/data_models/evaluator.py +26 -0
- aiq/data_models/front_end.py +26 -0
- aiq/data_models/function.py +30 -0
- aiq/data_models/function_dependencies.py +64 -0
- aiq/data_models/interactive.py +237 -0
- aiq/data_models/intermediate_step.py +269 -0
- aiq/data_models/invocation_node.py +38 -0
- aiq/data_models/llm.py +26 -0
- aiq/data_models/logging.py +26 -0
- aiq/data_models/memory.py +26 -0
- aiq/data_models/profiler.py +53 -0
- aiq/data_models/registry_handler.py +26 -0
- aiq/data_models/retriever.py +30 -0
- aiq/data_models/step_adaptor.py +64 -0
- aiq/data_models/streaming.py +33 -0
- aiq/data_models/swe_bench_model.py +54 -0
- aiq/data_models/telemetry_exporter.py +26 -0
- aiq/embedder/__init__.py +0 -0
- aiq/embedder/langchain_client.py +41 -0
- aiq/embedder/nim_embedder.py +58 -0
- aiq/embedder/openai_embedder.py +42 -0
- aiq/embedder/register.py +24 -0
- aiq/eval/__init__.py +14 -0
- aiq/eval/config.py +42 -0
- aiq/eval/dataset_handler/__init__.py +0 -0
- aiq/eval/dataset_handler/dataset_downloader.py +106 -0
- aiq/eval/dataset_handler/dataset_filter.py +52 -0
- aiq/eval/dataset_handler/dataset_handler.py +169 -0
- aiq/eval/evaluate.py +325 -0
- aiq/eval/evaluator/__init__.py +14 -0
- aiq/eval/evaluator/evaluator_model.py +44 -0
- aiq/eval/intermediate_step_adapter.py +93 -0
- aiq/eval/rag_evaluator/__init__.py +0 -0
- aiq/eval/rag_evaluator/evaluate.py +138 -0
- aiq/eval/rag_evaluator/register.py +138 -0
- aiq/eval/register.py +23 -0
- aiq/eval/remote_workflow.py +128 -0
- aiq/eval/runtime_event_subscriber.py +52 -0
- aiq/eval/swe_bench_evaluator/__init__.py +0 -0
- aiq/eval/swe_bench_evaluator/evaluate.py +215 -0
- aiq/eval/swe_bench_evaluator/register.py +36 -0
- aiq/eval/trajectory_evaluator/__init__.py +0 -0
- aiq/eval/trajectory_evaluator/evaluate.py +118 -0
- aiq/eval/trajectory_evaluator/register.py +40 -0
- aiq/eval/tunable_rag_evaluator/__init__.py +0 -0
- aiq/eval/tunable_rag_evaluator/evaluate.py +263 -0
- aiq/eval/tunable_rag_evaluator/register.py +50 -0
- aiq/eval/utils/__init__.py +0 -0
- aiq/eval/utils/output_uploader.py +131 -0
- aiq/eval/utils/tqdm_position_registry.py +40 -0
- aiq/front_ends/__init__.py +14 -0
- aiq/front_ends/console/__init__.py +14 -0
- aiq/front_ends/console/console_front_end_config.py +32 -0
- aiq/front_ends/console/console_front_end_plugin.py +107 -0
- aiq/front_ends/console/register.py +25 -0
- aiq/front_ends/cron/__init__.py +14 -0
- aiq/front_ends/fastapi/__init__.py +14 -0
- aiq/front_ends/fastapi/fastapi_front_end_config.py +150 -0
- aiq/front_ends/fastapi/fastapi_front_end_plugin.py +103 -0
- aiq/front_ends/fastapi/fastapi_front_end_plugin_worker.py +607 -0
- aiq/front_ends/fastapi/intermediate_steps_subscriber.py +80 -0
- aiq/front_ends/fastapi/job_store.py +161 -0
- aiq/front_ends/fastapi/main.py +70 -0
- aiq/front_ends/fastapi/message_handler.py +279 -0
- aiq/front_ends/fastapi/message_validator.py +345 -0
- aiq/front_ends/fastapi/register.py +25 -0
- aiq/front_ends/fastapi/response_helpers.py +195 -0
- aiq/front_ends/fastapi/step_adaptor.py +320 -0
- aiq/front_ends/fastapi/websocket.py +148 -0
- aiq/front_ends/mcp/__init__.py +14 -0
- aiq/front_ends/mcp/mcp_front_end_config.py +32 -0
- aiq/front_ends/mcp/mcp_front_end_plugin.py +93 -0
- aiq/front_ends/mcp/register.py +27 -0
- aiq/front_ends/mcp/tool_converter.py +242 -0
- aiq/front_ends/register.py +22 -0
- aiq/front_ends/simple_base/__init__.py +14 -0
- aiq/front_ends/simple_base/simple_front_end_plugin_base.py +52 -0
- aiq/llm/__init__.py +0 -0
- aiq/llm/nim_llm.py +45 -0
- aiq/llm/openai_llm.py +45 -0
- aiq/llm/register.py +22 -0
- aiq/llm/utils/__init__.py +14 -0
- aiq/llm/utils/env_config_value.py +94 -0
- aiq/llm/utils/error.py +17 -0
- aiq/memory/__init__.py +20 -0
- aiq/memory/interfaces.py +183 -0
- aiq/memory/models.py +112 -0
- aiq/meta/module_to_distro.json +3 -0
- aiq/meta/pypi.md +58 -0
- aiq/observability/__init__.py +0 -0
- aiq/observability/async_otel_listener.py +429 -0
- aiq/observability/register.py +99 -0
- aiq/plugins/.namespace +1 -0
- aiq/profiler/__init__.py +0 -0
- aiq/profiler/callbacks/__init__.py +0 -0
- aiq/profiler/callbacks/agno_callback_handler.py +295 -0
- aiq/profiler/callbacks/base_callback_class.py +20 -0
- aiq/profiler/callbacks/langchain_callback_handler.py +278 -0
- aiq/profiler/callbacks/llama_index_callback_handler.py +205 -0
- aiq/profiler/callbacks/semantic_kernel_callback_handler.py +238 -0
- aiq/profiler/callbacks/token_usage_base_model.py +27 -0
- aiq/profiler/data_frame_row.py +51 -0
- aiq/profiler/decorators/__init__.py +0 -0
- aiq/profiler/decorators/framework_wrapper.py +131 -0
- aiq/profiler/decorators/function_tracking.py +254 -0
- aiq/profiler/forecasting/__init__.py +0 -0
- aiq/profiler/forecasting/config.py +18 -0
- aiq/profiler/forecasting/model_trainer.py +75 -0
- aiq/profiler/forecasting/models/__init__.py +22 -0
- aiq/profiler/forecasting/models/forecasting_base_model.py +40 -0
- aiq/profiler/forecasting/models/linear_model.py +196 -0
- aiq/profiler/forecasting/models/random_forest_regressor.py +268 -0
- aiq/profiler/inference_metrics_model.py +25 -0
- aiq/profiler/inference_optimization/__init__.py +0 -0
- aiq/profiler/inference_optimization/bottleneck_analysis/__init__.py +0 -0
- aiq/profiler/inference_optimization/bottleneck_analysis/nested_stack_analysis.py +452 -0
- aiq/profiler/inference_optimization/bottleneck_analysis/simple_stack_analysis.py +258 -0
- aiq/profiler/inference_optimization/data_models.py +386 -0
- aiq/profiler/inference_optimization/experimental/__init__.py +0 -0
- aiq/profiler/inference_optimization/experimental/concurrency_spike_analysis.py +468 -0
- aiq/profiler/inference_optimization/experimental/prefix_span_analysis.py +405 -0
- aiq/profiler/inference_optimization/llm_metrics.py +212 -0
- aiq/profiler/inference_optimization/prompt_caching.py +163 -0
- aiq/profiler/inference_optimization/token_uniqueness.py +107 -0
- aiq/profiler/inference_optimization/workflow_runtimes.py +72 -0
- aiq/profiler/intermediate_property_adapter.py +102 -0
- aiq/profiler/profile_runner.py +433 -0
- aiq/profiler/utils.py +184 -0
- aiq/registry_handlers/__init__.py +0 -0
- aiq/registry_handlers/local/__init__.py +0 -0
- aiq/registry_handlers/local/local_handler.py +176 -0
- aiq/registry_handlers/local/register_local.py +37 -0
- aiq/registry_handlers/metadata_factory.py +60 -0
- aiq/registry_handlers/package_utils.py +198 -0
- aiq/registry_handlers/pypi/__init__.py +0 -0
- aiq/registry_handlers/pypi/pypi_handler.py +251 -0
- aiq/registry_handlers/pypi/register_pypi.py +40 -0
- aiq/registry_handlers/register.py +21 -0
- aiq/registry_handlers/registry_handler_base.py +157 -0
- aiq/registry_handlers/rest/__init__.py +0 -0
- aiq/registry_handlers/rest/register_rest.py +56 -0
- aiq/registry_handlers/rest/rest_handler.py +237 -0
- aiq/registry_handlers/schemas/__init__.py +0 -0
- aiq/registry_handlers/schemas/headers.py +42 -0
- aiq/registry_handlers/schemas/package.py +68 -0
- aiq/registry_handlers/schemas/publish.py +63 -0
- aiq/registry_handlers/schemas/pull.py +82 -0
- aiq/registry_handlers/schemas/remove.py +36 -0
- aiq/registry_handlers/schemas/search.py +91 -0
- aiq/registry_handlers/schemas/status.py +47 -0
- aiq/retriever/__init__.py +0 -0
- aiq/retriever/interface.py +37 -0
- aiq/retriever/milvus/__init__.py +14 -0
- aiq/retriever/milvus/register.py +81 -0
- aiq/retriever/milvus/retriever.py +228 -0
- aiq/retriever/models.py +74 -0
- aiq/retriever/nemo_retriever/__init__.py +14 -0
- aiq/retriever/nemo_retriever/register.py +60 -0
- aiq/retriever/nemo_retriever/retriever.py +190 -0
- aiq/retriever/register.py +22 -0
- aiq/runtime/__init__.py +14 -0
- aiq/runtime/loader.py +188 -0
- aiq/runtime/runner.py +176 -0
- aiq/runtime/session.py +140 -0
- aiq/runtime/user_metadata.py +131 -0
- aiq/settings/__init__.py +0 -0
- aiq/settings/global_settings.py +318 -0
- aiq/test/.namespace +1 -0
- aiq/tool/__init__.py +0 -0
- aiq/tool/code_execution/__init__.py +0 -0
- aiq/tool/code_execution/code_sandbox.py +188 -0
- aiq/tool/code_execution/local_sandbox/Dockerfile.sandbox +60 -0
- aiq/tool/code_execution/local_sandbox/__init__.py +13 -0
- aiq/tool/code_execution/local_sandbox/local_sandbox_server.py +83 -0
- aiq/tool/code_execution/local_sandbox/sandbox.requirements.txt +4 -0
- aiq/tool/code_execution/local_sandbox/start_local_sandbox.sh +25 -0
- aiq/tool/code_execution/register.py +70 -0
- aiq/tool/code_execution/utils.py +100 -0
- aiq/tool/datetime_tools.py +42 -0
- aiq/tool/document_search.py +141 -0
- aiq/tool/github_tools/__init__.py +0 -0
- aiq/tool/github_tools/create_github_commit.py +133 -0
- aiq/tool/github_tools/create_github_issue.py +87 -0
- aiq/tool/github_tools/create_github_pr.py +106 -0
- aiq/tool/github_tools/get_github_file.py +106 -0
- aiq/tool/github_tools/get_github_issue.py +166 -0
- aiq/tool/github_tools/get_github_pr.py +256 -0
- aiq/tool/github_tools/update_github_issue.py +100 -0
- aiq/tool/mcp/__init__.py +14 -0
- aiq/tool/mcp/mcp_client.py +220 -0
- aiq/tool/mcp/mcp_tool.py +95 -0
- aiq/tool/memory_tools/__init__.py +0 -0
- aiq/tool/memory_tools/add_memory_tool.py +79 -0
- aiq/tool/memory_tools/delete_memory_tool.py +67 -0
- aiq/tool/memory_tools/get_memory_tool.py +72 -0
- aiq/tool/nvidia_rag.py +95 -0
- aiq/tool/register.py +37 -0
- aiq/tool/retriever.py +89 -0
- aiq/tool/server_tools.py +63 -0
- aiq/utils/__init__.py +0 -0
- aiq/utils/data_models/__init__.py +0 -0
- aiq/utils/data_models/schema_validator.py +58 -0
- aiq/utils/debugging_utils.py +43 -0
- aiq/utils/exception_handlers/__init__.py +0 -0
- aiq/utils/exception_handlers/schemas.py +114 -0
- aiq/utils/io/__init__.py +0 -0
- aiq/utils/io/yaml_tools.py +119 -0
- aiq/utils/metadata_utils.py +74 -0
- aiq/utils/optional_imports.py +142 -0
- aiq/utils/producer_consumer_queue.py +178 -0
- aiq/utils/reactive/__init__.py +0 -0
- aiq/utils/reactive/base/__init__.py +0 -0
- aiq/utils/reactive/base/observable_base.py +65 -0
- aiq/utils/reactive/base/observer_base.py +55 -0
- aiq/utils/reactive/base/subject_base.py +79 -0
- aiq/utils/reactive/observable.py +59 -0
- aiq/utils/reactive/observer.py +76 -0
- aiq/utils/reactive/subject.py +131 -0
- aiq/utils/reactive/subscription.py +49 -0
- aiq/utils/settings/__init__.py +0 -0
- aiq/utils/settings/global_settings.py +197 -0
- aiq/utils/type_converter.py +232 -0
- aiq/utils/type_utils.py +397 -0
- aiq/utils/url_utils.py +27 -0
- aiqtoolkit-1.1.0.dist-info/METADATA +331 -0
- aiqtoolkit-1.1.0.dist-info/RECORD +316 -0
- aiqtoolkit-1.1.0.dist-info/WHEEL +5 -0
- aiqtoolkit-1.1.0.dist-info/entry_points.txt +17 -0
- aiqtoolkit-1.1.0.dist-info/licenses/LICENSE-3rd-party.txt +3686 -0
- aiqtoolkit-1.1.0.dist-info/licenses/LICENSE.md +201 -0
- aiqtoolkit-1.1.0.dist-info/top_level.txt +1 -0
aiq/tool/retriever.py
ADDED
|
@@ -0,0 +1,89 @@
|
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2025, NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
|
|
16
|
+
import logging
|
|
17
|
+
|
|
18
|
+
from pydantic import BaseModel
|
|
19
|
+
from pydantic import Field
|
|
20
|
+
|
|
21
|
+
from aiq.builder.builder import Builder
|
|
22
|
+
from aiq.builder.function_info import FunctionInfo
|
|
23
|
+
from aiq.cli.register_workflow import register_function
|
|
24
|
+
from aiq.data_models.component_ref import RetrieverRef
|
|
25
|
+
from aiq.data_models.function import FunctionBaseConfig
|
|
26
|
+
from aiq.retriever.interface import AIQRetriever
|
|
27
|
+
from aiq.retriever.models import RetrieverError
|
|
28
|
+
from aiq.retriever.models import RetrieverOutput
|
|
29
|
+
|
|
30
|
+
logger = logging.getLogger(__name__)
|
|
31
|
+
|
|
32
|
+
|
|
33
|
+
class AIQRetrieverConfig(FunctionBaseConfig, name="aiq_retriever"):
|
|
34
|
+
"""
|
|
35
|
+
AIQRetriever tool which provides a common interface for different vectorstores. Its
|
|
36
|
+
configuration uses clients, which are the vectorstore-specific implementaiton of the retriever interface.
|
|
37
|
+
"""
|
|
38
|
+
retriever: RetrieverRef = Field(description="The retriever instance name from the workflow configuration object.")
|
|
39
|
+
raise_errors: bool = Field(
|
|
40
|
+
default=True,
|
|
41
|
+
description="If true the tool will raise exceptions, otherwise it will log them as warnings and return []",
|
|
42
|
+
)
|
|
43
|
+
topic: str | None = Field(default=None, description="Used to provide a more detailed tool description to the agent")
|
|
44
|
+
description: str | None = Field(default=None, description="If present it will be used as the tool description")
|
|
45
|
+
|
|
46
|
+
|
|
47
|
+
def _get_description_from_config(config: AIQRetrieverConfig) -> str:
|
|
48
|
+
"""
|
|
49
|
+
Generate a description of what the tool will do based on how it is configured.
|
|
50
|
+
"""
|
|
51
|
+
description = "Retrieve document chunks{topic} which can be used to answer the provided question."
|
|
52
|
+
|
|
53
|
+
_topic = f" related to {config.topic}" if config.topic else ""
|
|
54
|
+
|
|
55
|
+
return description.format(topic=_topic) if not config.description else config.description
|
|
56
|
+
|
|
57
|
+
|
|
58
|
+
@register_function(config_type=AIQRetrieverConfig)
|
|
59
|
+
async def aiq_retriever_tool(config: AIQRetrieverConfig, builder: Builder):
|
|
60
|
+
"""
|
|
61
|
+
Configure an AIQ Toolkit Retriever Tool which supports different clients such as Milvus and Nemo Retriever.
|
|
62
|
+
|
|
63
|
+
Args:
|
|
64
|
+
config: A config object with required parameters 'client' and 'client_config'
|
|
65
|
+
builder: A workflow builder object
|
|
66
|
+
"""
|
|
67
|
+
|
|
68
|
+
class RetrieverInputSchema(BaseModel):
|
|
69
|
+
query: str = Field(description="The query to be searched in the configured data store")
|
|
70
|
+
|
|
71
|
+
client: AIQRetriever = await builder.get_retriever(config.retriever)
|
|
72
|
+
|
|
73
|
+
async def _retrieve(query: str) -> RetrieverOutput:
|
|
74
|
+
try:
|
|
75
|
+
retrieved_context = await client.search(query=query)
|
|
76
|
+
logger.info("Retrieved %s records for query %s.", len(retrieved_context), query)
|
|
77
|
+
return retrieved_context
|
|
78
|
+
|
|
79
|
+
except RetrieverError as e:
|
|
80
|
+
if config.raise_errors:
|
|
81
|
+
raise e
|
|
82
|
+
logger.warning("Retriever threw an error: %s. Returning an empty response.", e)
|
|
83
|
+
return RetrieverOutput(results=[])
|
|
84
|
+
|
|
85
|
+
yield FunctionInfo.from_fn(
|
|
86
|
+
fn=_retrieve,
|
|
87
|
+
input_schema=RetrieverInputSchema,
|
|
88
|
+
description=_get_description_from_config(config),
|
|
89
|
+
)
|
aiq/tool/server_tools.py
ADDED
|
@@ -0,0 +1,63 @@
|
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2024-2025, NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
|
|
16
|
+
from aiq.builder.builder import Builder
|
|
17
|
+
from aiq.builder.function_info import FunctionInfo
|
|
18
|
+
from aiq.cli.register_workflow import register_function
|
|
19
|
+
from aiq.data_models.function import FunctionBaseConfig
|
|
20
|
+
|
|
21
|
+
|
|
22
|
+
class RequestAttributesTool(FunctionBaseConfig, name="current_request_attributes"):
|
|
23
|
+
"""
|
|
24
|
+
A simple tool that demonstrates how to retrieve user-defined request attributes from HTTP requests
|
|
25
|
+
within workflow tools. Please refer to the 'general' section of the configuration file located in the
|
|
26
|
+
'examples/simple_calculator/configs/config-metadata.yml' directory to see how to define a custom route using a
|
|
27
|
+
YAML file and associate it with a corresponding function to acquire request attributes.
|
|
28
|
+
"""
|
|
29
|
+
pass
|
|
30
|
+
|
|
31
|
+
|
|
32
|
+
@register_function(config_type=RequestAttributesTool)
|
|
33
|
+
async def current_request_attributes(config: RequestAttributesTool, builder: Builder):
|
|
34
|
+
|
|
35
|
+
from starlette.datastructures import Headers
|
|
36
|
+
from starlette.datastructures import QueryParams
|
|
37
|
+
|
|
38
|
+
async def _get_request_attributes(unused: str) -> str:
|
|
39
|
+
|
|
40
|
+
from aiq.builder.context import AIQContext
|
|
41
|
+
aiq_context = AIQContext.get()
|
|
42
|
+
method: str | None = aiq_context.metadata.method
|
|
43
|
+
url_path: str | None = aiq_context.metadata.url_path
|
|
44
|
+
url_scheme: str | None = aiq_context.metadata.url_scheme
|
|
45
|
+
headers: Headers | None = aiq_context.metadata.headers
|
|
46
|
+
query_params: QueryParams | None = aiq_context.metadata.query_params
|
|
47
|
+
path_params: dict[str, str] | None = aiq_context.metadata.path_params
|
|
48
|
+
client_host: str | None = aiq_context.metadata.client_host
|
|
49
|
+
client_port: int | None = aiq_context.metadata.client_port
|
|
50
|
+
cookies: dict[str, str] | None = aiq_context.metadata.cookies
|
|
51
|
+
|
|
52
|
+
return (f"Method: {method}, "
|
|
53
|
+
f"URL Path: {url_path}, "
|
|
54
|
+
f"URL Scheme: {url_scheme}, "
|
|
55
|
+
f"Headers: {dict(headers) if headers is not None else 'None'}, "
|
|
56
|
+
f"Query Params: {dict(query_params) if query_params is not None else 'None'}, "
|
|
57
|
+
f"Path Params: {path_params}, "
|
|
58
|
+
f"Client Host: {client_host}, "
|
|
59
|
+
f"Client Port: {client_port}, "
|
|
60
|
+
f"Cookies: {cookies}")
|
|
61
|
+
|
|
62
|
+
yield FunctionInfo.from_fn(_get_request_attributes,
|
|
63
|
+
description="Returns the acquired user defined request attriubutes.")
|
aiq/utils/__init__.py
ADDED
|
File without changes
|
|
File without changes
|
|
@@ -0,0 +1,58 @@
|
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2024-2025, NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
|
|
16
|
+
import yaml
|
|
17
|
+
from pydantic import ValidationError
|
|
18
|
+
|
|
19
|
+
from ..exception_handlers.schemas import schema_exception_handler
|
|
20
|
+
from ..exception_handlers.schemas import yaml_exception_handler
|
|
21
|
+
|
|
22
|
+
|
|
23
|
+
@schema_exception_handler
|
|
24
|
+
def validate_schema(metadata, Schema): # pylint: disable=invalid-name
|
|
25
|
+
|
|
26
|
+
try:
|
|
27
|
+
return Schema(**metadata)
|
|
28
|
+
except ValidationError as e:
|
|
29
|
+
|
|
30
|
+
raise e
|
|
31
|
+
|
|
32
|
+
|
|
33
|
+
@yaml_exception_handler
|
|
34
|
+
def validate_yaml(ctx, param, value): # pylint: disable=unused-argument
|
|
35
|
+
"""
|
|
36
|
+
Validate that the file is a valid YAML file
|
|
37
|
+
|
|
38
|
+
Parameters
|
|
39
|
+
----------
|
|
40
|
+
ctx: Click context
|
|
41
|
+
param: Click parameter
|
|
42
|
+
value: Path to YAML file
|
|
43
|
+
|
|
44
|
+
Returns
|
|
45
|
+
-------
|
|
46
|
+
str: Path to valid YAML file
|
|
47
|
+
|
|
48
|
+
Raises
|
|
49
|
+
------
|
|
50
|
+
ValueError: If file is invalid or unreadable
|
|
51
|
+
"""
|
|
52
|
+
if value is None:
|
|
53
|
+
return None
|
|
54
|
+
|
|
55
|
+
with open(value, 'r', encoding="utf-8") as f:
|
|
56
|
+
yaml.safe_load(f)
|
|
57
|
+
|
|
58
|
+
return value
|
|
@@ -0,0 +1,43 @@
|
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2025, NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
|
|
16
|
+
|
|
17
|
+
def is_debugger_attached() -> bool:
|
|
18
|
+
"""
|
|
19
|
+
Check if a debugger is attached to the current process.
|
|
20
|
+
|
|
21
|
+
Returns
|
|
22
|
+
-------
|
|
23
|
+
bool
|
|
24
|
+
True if a debugger is attached, False otherwise
|
|
25
|
+
"""
|
|
26
|
+
import sys
|
|
27
|
+
|
|
28
|
+
if "debugpy" in sys.modules:
|
|
29
|
+
|
|
30
|
+
import debugpy
|
|
31
|
+
|
|
32
|
+
return debugpy.is_client_connected()
|
|
33
|
+
|
|
34
|
+
trace_func = sys.gettrace()
|
|
35
|
+
|
|
36
|
+
# The presence of a trace function and pydevd means a debugger is attached
|
|
37
|
+
if (trace_func is not None):
|
|
38
|
+
trace_module = getattr(trace_func, "__module__", None)
|
|
39
|
+
|
|
40
|
+
if (trace_module is not None and trace_module.find("pydevd") != -1):
|
|
41
|
+
return True
|
|
42
|
+
|
|
43
|
+
return False
|
|
File without changes
|
|
@@ -0,0 +1,114 @@
|
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2024-2025, NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
|
|
16
|
+
import logging
|
|
17
|
+
|
|
18
|
+
import yaml
|
|
19
|
+
from pydantic import ValidationError
|
|
20
|
+
|
|
21
|
+
logger = logging.getLogger(__name__)
|
|
22
|
+
|
|
23
|
+
|
|
24
|
+
def schema_exception_handler(func, **kwargs): # pylint: disable=unused-argument
|
|
25
|
+
"""
|
|
26
|
+
A decorator that handles `ValidationError` exceptions for schema validation functions.
|
|
27
|
+
|
|
28
|
+
This decorator wraps a function that performs schema validation using Pydantic.
|
|
29
|
+
If a `ValidationError` is raised, it logs detailed error messages and raises a `ValueError` with the combined error
|
|
30
|
+
messages.
|
|
31
|
+
|
|
32
|
+
Parameters
|
|
33
|
+
----------
|
|
34
|
+
func : callable
|
|
35
|
+
The function to be decorated. This function is expected to perform schema validation.
|
|
36
|
+
|
|
37
|
+
kwargs : dict
|
|
38
|
+
Additional keyword arguments to be passed to the function.
|
|
39
|
+
|
|
40
|
+
Returns
|
|
41
|
+
-------
|
|
42
|
+
callable
|
|
43
|
+
The wrapped function that executes `func` with exception handling.
|
|
44
|
+
|
|
45
|
+
Raises
|
|
46
|
+
------
|
|
47
|
+
ValueError
|
|
48
|
+
If a `ValidationError` is caught, this decorator logs the error details and raises a `ValueError` with the
|
|
49
|
+
combined error messages.
|
|
50
|
+
|
|
51
|
+
Notes
|
|
52
|
+
-----
|
|
53
|
+
This decorator is particularly useful for functions that validate configurations or data models,
|
|
54
|
+
ensuring that any validation errors are logged and communicated clearly.
|
|
55
|
+
|
|
56
|
+
Examples
|
|
57
|
+
--------
|
|
58
|
+
>>> @schema_exception_handler
|
|
59
|
+
... def validate_config(config_data):
|
|
60
|
+
... schema = MySchema(**config_data)
|
|
61
|
+
... return schema
|
|
62
|
+
...
|
|
63
|
+
>>> try:
|
|
64
|
+
... validate_config(invalid_config)
|
|
65
|
+
... except ValueError as e:
|
|
66
|
+
... logger.error("Caught error: %s", e)
|
|
67
|
+
Caught error: Invalid configuration: field1: value is not a valid integer; field2: field required
|
|
68
|
+
"""
|
|
69
|
+
|
|
70
|
+
def inner_function(*args, **kwargs):
|
|
71
|
+
try:
|
|
72
|
+
return func(*args, **kwargs)
|
|
73
|
+
except ValidationError as e:
|
|
74
|
+
error_messages = "; ".join([f"{error['loc'][0]}: {error['msg']}" for error in e.errors()])
|
|
75
|
+
log_error_message = f"Invalid configuration: {error_messages}"
|
|
76
|
+
logger.error(log_error_message)
|
|
77
|
+
raise ValueError(log_error_message) from e
|
|
78
|
+
|
|
79
|
+
return inner_function
|
|
80
|
+
|
|
81
|
+
|
|
82
|
+
def yaml_exception_handler(func):
|
|
83
|
+
"""
|
|
84
|
+
A decorator that handles YAML parsing exceptions.
|
|
85
|
+
|
|
86
|
+
This decorator wraps a function that performs YAML file operations.
|
|
87
|
+
If a YAML-related error occurs, it logs the error and raises a ValueError
|
|
88
|
+
with a clear error message.
|
|
89
|
+
|
|
90
|
+
Returns
|
|
91
|
+
-------
|
|
92
|
+
callable
|
|
93
|
+
The wrapped function that executes `func` with YAML exception handling.
|
|
94
|
+
|
|
95
|
+
Raises
|
|
96
|
+
------
|
|
97
|
+
ValueError
|
|
98
|
+
If a YAML error is caught, with details about the parsing failure.
|
|
99
|
+
"""
|
|
100
|
+
|
|
101
|
+
def inner_function(*args, **kwargs):
|
|
102
|
+
try:
|
|
103
|
+
return func(*args, **kwargs)
|
|
104
|
+
except yaml.YAMLError as e:
|
|
105
|
+
log_error_message = f"Invalid YAML configuration: {str(e)}"
|
|
106
|
+
logger.error(log_error_message)
|
|
107
|
+
raise ValueError(log_error_message) from e
|
|
108
|
+
|
|
109
|
+
except Exception as e:
|
|
110
|
+
log_error_message = f"Error reading YAML file: {str(e)}"
|
|
111
|
+
logger.error(log_error_message)
|
|
112
|
+
raise ValueError(log_error_message) from e
|
|
113
|
+
|
|
114
|
+
return inner_function
|
aiq/utils/io/__init__.py
ADDED
|
File without changes
|
|
@@ -0,0 +1,119 @@
|
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2024-2025, NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
|
|
16
|
+
import io
|
|
17
|
+
import logging
|
|
18
|
+
import typing
|
|
19
|
+
|
|
20
|
+
import expandvars
|
|
21
|
+
import yaml
|
|
22
|
+
|
|
23
|
+
from aiq.utils.type_utils import StrPath
|
|
24
|
+
|
|
25
|
+
logger = logging.getLogger(__name__)
|
|
26
|
+
|
|
27
|
+
|
|
28
|
+
def _interpolate_variables(value: str | int | float | bool | None) -> str | int | float | bool | None:
|
|
29
|
+
"""
|
|
30
|
+
Interpolate variables in a string with the format ${VAR:-default_value}.
|
|
31
|
+
If the variable is not set, the default value will be used.
|
|
32
|
+
If no default value is provided, an empty string will be used.
|
|
33
|
+
|
|
34
|
+
Args:
|
|
35
|
+
value (str | int | float | bool | None): The value to interpolate variables in.
|
|
36
|
+
|
|
37
|
+
Returns:
|
|
38
|
+
str | int | float | bool | None: The value with variables interpolated.
|
|
39
|
+
"""
|
|
40
|
+
|
|
41
|
+
if not isinstance(value, str):
|
|
42
|
+
return value
|
|
43
|
+
|
|
44
|
+
return expandvars.expandvars(value)
|
|
45
|
+
|
|
46
|
+
|
|
47
|
+
def yaml_load(config_path: StrPath) -> dict:
|
|
48
|
+
"""
|
|
49
|
+
Load a YAML file and interpolate variables in the format
|
|
50
|
+
${VAR:-default_value}.
|
|
51
|
+
|
|
52
|
+
Args:
|
|
53
|
+
config_path (StrPath): The path to the YAML file to load.
|
|
54
|
+
|
|
55
|
+
Returns:
|
|
56
|
+
dict: The processed configuration dictionary.
|
|
57
|
+
"""
|
|
58
|
+
|
|
59
|
+
# Read YAML file
|
|
60
|
+
with open(config_path, "r", encoding="utf-8") as stream:
|
|
61
|
+
config_str = stream.read()
|
|
62
|
+
|
|
63
|
+
return yaml_loads(config_str)
|
|
64
|
+
|
|
65
|
+
|
|
66
|
+
def yaml_loads(config: str) -> dict:
|
|
67
|
+
"""
|
|
68
|
+
Load a YAML string and interpolate variables in the format
|
|
69
|
+
${VAR:-default_value}.
|
|
70
|
+
|
|
71
|
+
Args:
|
|
72
|
+
config (str): The YAML string to load.
|
|
73
|
+
|
|
74
|
+
Returns:
|
|
75
|
+
dict: The processed configuration dictionary.
|
|
76
|
+
"""
|
|
77
|
+
|
|
78
|
+
interpolated_config_str = _interpolate_variables(config)
|
|
79
|
+
assert isinstance(interpolated_config_str, str), "Config must be a string"
|
|
80
|
+
|
|
81
|
+
stream = io.StringIO(interpolated_config_str)
|
|
82
|
+
stream.seek(0)
|
|
83
|
+
|
|
84
|
+
# Load the YAML data
|
|
85
|
+
try:
|
|
86
|
+
config_data = yaml.safe_load(stream)
|
|
87
|
+
except yaml.YAMLError as e:
|
|
88
|
+
logger.error("Error loading YAML: %s", interpolated_config_str, exc_info=True)
|
|
89
|
+
raise ValueError(f"Error loading YAML: {e}") from e
|
|
90
|
+
|
|
91
|
+
assert isinstance(config_data, dict)
|
|
92
|
+
|
|
93
|
+
return config_data
|
|
94
|
+
|
|
95
|
+
|
|
96
|
+
def yaml_dump(config: dict, fp: typing.TextIO) -> None:
|
|
97
|
+
"""
|
|
98
|
+
Dump a configuration dictionary to a YAML file.
|
|
99
|
+
|
|
100
|
+
Args:
|
|
101
|
+
config (dict): The configuration dictionary to dump.
|
|
102
|
+
fp (typing.TextIO): The file pointer to write the YAML to.
|
|
103
|
+
"""
|
|
104
|
+
yaml.dump(config, stream=fp, indent=2, sort_keys=False)
|
|
105
|
+
fp.flush()
|
|
106
|
+
|
|
107
|
+
|
|
108
|
+
def yaml_dumps(config: dict) -> str:
|
|
109
|
+
"""
|
|
110
|
+
Dump a configuration dictionary to a YAML string.
|
|
111
|
+
|
|
112
|
+
Args:
|
|
113
|
+
config (dict): The configuration dictionary to dump.
|
|
114
|
+
|
|
115
|
+
Returns:
|
|
116
|
+
str: The YAML string.
|
|
117
|
+
"""
|
|
118
|
+
|
|
119
|
+
return yaml.dump(config, indent=2)
|
|
@@ -0,0 +1,74 @@
|
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2025, NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
15
|
+
|
|
16
|
+
from pydantic_core import PydanticUndefined
|
|
17
|
+
|
|
18
|
+
from aiq.data_models.common import TypedBaseModelT
|
|
19
|
+
from aiq.utils.type_utils import DecomposedType
|
|
20
|
+
|
|
21
|
+
|
|
22
|
+
def generate_config_type_docs(config_type: TypedBaseModelT) -> str:
|
|
23
|
+
"""Generates a docstring from configuration object to facilitate discovery.
|
|
24
|
+
|
|
25
|
+
Args:
|
|
26
|
+
config_type (TypedBaseModelT): A component configuration object.
|
|
27
|
+
|
|
28
|
+
Returns:
|
|
29
|
+
str: An enriched docstring, including model attributes and default values.
|
|
30
|
+
"""
|
|
31
|
+
|
|
32
|
+
# Get the docstring
|
|
33
|
+
description_formatting = []
|
|
34
|
+
# Ensure uniform formatting of docstring
|
|
35
|
+
docstring = (config_type.__doc__ or "").strip().strip(".")
|
|
36
|
+
docstring = docstring + "." if docstring != "" else "Description unavailable."
|
|
37
|
+
description_formatting.append(docstring)
|
|
38
|
+
description_formatting.append("")
|
|
39
|
+
description_formatting.append(" Args:")
|
|
40
|
+
|
|
41
|
+
# Iterate over fields to get their documentation
|
|
42
|
+
for field_name, field_info in config_type.model_fields.items():
|
|
43
|
+
|
|
44
|
+
if (field_name == "type"):
|
|
45
|
+
field_name = "_type"
|
|
46
|
+
|
|
47
|
+
decomponsed_type = DecomposedType(field_info.annotation)
|
|
48
|
+
|
|
49
|
+
if not (decomponsed_type.is_union):
|
|
50
|
+
annotation = field_info.annotation.__name__
|
|
51
|
+
else:
|
|
52
|
+
annotation = field_info.annotation
|
|
53
|
+
|
|
54
|
+
default_string = ""
|
|
55
|
+
if ((field_info.get_default() is not PydanticUndefined) and (field_name != "_type")):
|
|
56
|
+
if issubclass(type(field_info.get_default()), str):
|
|
57
|
+
default_value = f'"{field_info.get_default()}"'
|
|
58
|
+
else:
|
|
59
|
+
default_value = field_info.get_default()
|
|
60
|
+
default_string += f" Defaults to {default_value}."
|
|
61
|
+
|
|
62
|
+
# Ensure uniform formatting of field info
|
|
63
|
+
field_info_description = (field_info.description or "").strip(".")
|
|
64
|
+
if field_info_description != "":
|
|
65
|
+
field_info_description = field_info_description + "."
|
|
66
|
+
else:
|
|
67
|
+
field_info_description = "Description unavailable."
|
|
68
|
+
|
|
69
|
+
parameter_string = f" {field_name} ({annotation}): {field_info_description}{default_string}"
|
|
70
|
+
description_formatting.append(parameter_string)
|
|
71
|
+
|
|
72
|
+
description = "\n".join(description_formatting)
|
|
73
|
+
|
|
74
|
+
return description
|