nvidia-nat 1.3.0.dev2__py3-none-any.whl → 1.3.0rc2__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.
- aiq/__init__.py +2 -2
- nat/agent/base.py +24 -15
- nat/agent/dual_node.py +9 -4
- nat/agent/prompt_optimizer/prompt.py +68 -0
- nat/agent/prompt_optimizer/register.py +149 -0
- nat/agent/react_agent/agent.py +79 -47
- nat/agent/react_agent/register.py +50 -22
- nat/agent/reasoning_agent/reasoning_agent.py +11 -9
- nat/agent/register.py +1 -1
- nat/agent/rewoo_agent/agent.py +326 -148
- nat/agent/rewoo_agent/prompt.py +19 -22
- nat/agent/rewoo_agent/register.py +54 -27
- nat/agent/tool_calling_agent/agent.py +84 -28
- nat/agent/tool_calling_agent/register.py +51 -28
- nat/authentication/api_key/api_key_auth_provider.py +2 -2
- nat/authentication/credential_validator/bearer_token_validator.py +557 -0
- nat/authentication/http_basic_auth/http_basic_auth_provider.py +1 -1
- nat/authentication/interfaces.py +5 -2
- nat/authentication/oauth2/oauth2_auth_code_flow_provider.py +69 -36
- nat/authentication/oauth2/oauth2_resource_server_config.py +124 -0
- nat/authentication/register.py +0 -1
- nat/builder/builder.py +56 -24
- nat/builder/component_utils.py +9 -5
- nat/builder/context.py +68 -17
- nat/builder/eval_builder.py +16 -11
- nat/builder/framework_enum.py +1 -0
- nat/builder/front_end.py +1 -1
- nat/builder/function.py +378 -8
- nat/builder/function_base.py +3 -3
- nat/builder/function_info.py +6 -8
- nat/builder/user_interaction_manager.py +2 -2
- nat/builder/workflow.py +13 -1
- nat/builder/workflow_builder.py +281 -76
- nat/cli/cli_utils/config_override.py +2 -2
- nat/cli/commands/evaluate.py +1 -1
- nat/cli/commands/info/info.py +16 -6
- nat/cli/commands/info/list_channels.py +1 -1
- nat/cli/commands/info/list_components.py +7 -8
- nat/cli/commands/mcp/__init__.py +14 -0
- nat/cli/commands/mcp/mcp.py +986 -0
- nat/cli/commands/object_store/__init__.py +14 -0
- nat/cli/commands/object_store/object_store.py +227 -0
- nat/cli/commands/optimize.py +90 -0
- nat/cli/commands/registry/publish.py +2 -2
- nat/cli/commands/registry/pull.py +2 -2
- nat/cli/commands/registry/remove.py +2 -2
- nat/cli/commands/registry/search.py +15 -17
- nat/cli/commands/start.py +16 -5
- nat/cli/commands/uninstall.py +1 -1
- nat/cli/commands/workflow/templates/config.yml.j2 +14 -13
- nat/cli/commands/workflow/templates/pyproject.toml.j2 +4 -1
- nat/cli/commands/workflow/templates/register.py.j2 +2 -3
- nat/cli/commands/workflow/templates/workflow.py.j2 +35 -21
- nat/cli/commands/workflow/workflow_commands.py +62 -22
- nat/cli/entrypoint.py +8 -10
- nat/cli/main.py +3 -0
- nat/cli/register_workflow.py +38 -4
- nat/cli/type_registry.py +75 -6
- nat/control_flow/__init__.py +0 -0
- nat/control_flow/register.py +20 -0
- nat/control_flow/router_agent/__init__.py +0 -0
- nat/control_flow/router_agent/agent.py +329 -0
- nat/control_flow/router_agent/prompt.py +48 -0
- nat/control_flow/router_agent/register.py +91 -0
- nat/control_flow/sequential_executor.py +166 -0
- nat/data_models/agent.py +34 -0
- nat/data_models/api_server.py +74 -66
- nat/data_models/authentication.py +23 -9
- nat/data_models/common.py +1 -1
- nat/data_models/component.py +2 -0
- nat/data_models/component_ref.py +11 -0
- nat/data_models/config.py +41 -17
- nat/data_models/dataset_handler.py +1 -1
- nat/data_models/discovery_metadata.py +4 -4
- nat/data_models/evaluate.py +4 -1
- nat/data_models/function.py +34 -0
- nat/data_models/function_dependencies.py +14 -6
- nat/data_models/gated_field_mixin.py +242 -0
- nat/data_models/intermediate_step.py +3 -3
- nat/data_models/optimizable.py +119 -0
- nat/data_models/optimizer.py +149 -0
- nat/data_models/span.py +41 -3
- nat/data_models/swe_bench_model.py +1 -1
- nat/data_models/temperature_mixin.py +44 -0
- nat/data_models/thinking_mixin.py +86 -0
- nat/data_models/top_p_mixin.py +44 -0
- nat/embedder/nim_embedder.py +1 -1
- nat/embedder/openai_embedder.py +1 -1
- nat/embedder/register.py +0 -1
- nat/eval/config.py +3 -1
- nat/eval/dataset_handler/dataset_handler.py +71 -7
- nat/eval/evaluate.py +86 -31
- nat/eval/evaluator/base_evaluator.py +1 -1
- nat/eval/evaluator/evaluator_model.py +13 -0
- nat/eval/intermediate_step_adapter.py +1 -1
- nat/eval/rag_evaluator/evaluate.py +2 -2
- nat/eval/rag_evaluator/register.py +3 -3
- nat/eval/register.py +4 -1
- nat/eval/remote_workflow.py +3 -3
- nat/eval/runtime_evaluator/__init__.py +14 -0
- nat/eval/runtime_evaluator/evaluate.py +123 -0
- nat/eval/runtime_evaluator/register.py +100 -0
- nat/eval/swe_bench_evaluator/evaluate.py +6 -6
- nat/eval/trajectory_evaluator/evaluate.py +1 -1
- nat/eval/trajectory_evaluator/register.py +1 -1
- nat/eval/tunable_rag_evaluator/evaluate.py +4 -7
- nat/eval/utils/eval_trace_ctx.py +89 -0
- nat/eval/utils/weave_eval.py +18 -9
- nat/experimental/decorators/experimental_warning_decorator.py +27 -7
- nat/experimental/test_time_compute/functions/plan_select_execute_function.py +7 -3
- nat/experimental/test_time_compute/functions/ttc_tool_orchestration_function.py +3 -3
- nat/experimental/test_time_compute/functions/ttc_tool_wrapper_function.py +1 -1
- nat/experimental/test_time_compute/models/strategy_base.py +5 -4
- nat/experimental/test_time_compute/register.py +0 -1
- nat/experimental/test_time_compute/selection/llm_based_output_merging_selector.py +1 -3
- nat/front_ends/console/authentication_flow_handler.py +82 -30
- nat/front_ends/console/console_front_end_plugin.py +8 -5
- nat/front_ends/fastapi/auth_flow_handlers/websocket_flow_handler.py +52 -17
- nat/front_ends/fastapi/dask_client_mixin.py +65 -0
- nat/front_ends/fastapi/fastapi_front_end_config.py +36 -5
- nat/front_ends/fastapi/fastapi_front_end_controller.py +4 -4
- nat/front_ends/fastapi/fastapi_front_end_plugin.py +135 -4
- nat/front_ends/fastapi/fastapi_front_end_plugin_worker.py +452 -282
- nat/front_ends/fastapi/job_store.py +518 -99
- nat/front_ends/fastapi/main.py +11 -19
- nat/front_ends/fastapi/message_handler.py +13 -14
- nat/front_ends/fastapi/message_validator.py +19 -19
- nat/front_ends/fastapi/response_helpers.py +4 -4
- nat/front_ends/fastapi/step_adaptor.py +2 -2
- nat/front_ends/fastapi/utils.py +57 -0
- nat/front_ends/mcp/introspection_token_verifier.py +73 -0
- nat/front_ends/mcp/mcp_front_end_config.py +10 -1
- nat/front_ends/mcp/mcp_front_end_plugin.py +45 -13
- nat/front_ends/mcp/mcp_front_end_plugin_worker.py +116 -8
- nat/front_ends/mcp/tool_converter.py +44 -14
- nat/front_ends/register.py +0 -1
- nat/front_ends/simple_base/simple_front_end_plugin_base.py +3 -1
- nat/llm/aws_bedrock_llm.py +24 -12
- nat/llm/azure_openai_llm.py +13 -6
- nat/llm/litellm_llm.py +69 -0
- nat/llm/nim_llm.py +20 -8
- nat/llm/openai_llm.py +14 -6
- nat/llm/register.py +4 -1
- nat/llm/utils/env_config_value.py +2 -3
- nat/llm/utils/thinking.py +215 -0
- nat/meta/pypi.md +9 -9
- nat/object_store/register.py +0 -1
- nat/observability/exporter/base_exporter.py +3 -3
- nat/observability/exporter/file_exporter.py +1 -1
- nat/observability/exporter/processing_exporter.py +309 -81
- nat/observability/exporter/span_exporter.py +35 -15
- nat/observability/exporter_manager.py +7 -7
- nat/observability/mixin/file_mixin.py +7 -7
- nat/observability/mixin/redaction_config_mixin.py +42 -0
- nat/observability/mixin/tagging_config_mixin.py +62 -0
- nat/observability/mixin/type_introspection_mixin.py +420 -107
- nat/observability/processor/batching_processor.py +5 -7
- nat/observability/processor/falsy_batch_filter_processor.py +55 -0
- nat/observability/processor/processor.py +3 -0
- nat/observability/processor/processor_factory.py +70 -0
- nat/observability/processor/redaction/__init__.py +24 -0
- nat/observability/processor/redaction/contextual_redaction_processor.py +125 -0
- nat/observability/processor/redaction/contextual_span_redaction_processor.py +66 -0
- nat/observability/processor/redaction/redaction_processor.py +177 -0
- nat/observability/processor/redaction/span_header_redaction_processor.py +92 -0
- nat/observability/processor/span_tagging_processor.py +68 -0
- nat/observability/register.py +6 -4
- nat/profiler/calc/calc_runner.py +3 -4
- nat/profiler/callbacks/agno_callback_handler.py +1 -1
- nat/profiler/callbacks/langchain_callback_handler.py +6 -6
- nat/profiler/callbacks/llama_index_callback_handler.py +3 -3
- nat/profiler/callbacks/semantic_kernel_callback_handler.py +3 -3
- nat/profiler/data_frame_row.py +1 -1
- nat/profiler/decorators/framework_wrapper.py +62 -13
- nat/profiler/decorators/function_tracking.py +160 -3
- nat/profiler/forecasting/models/forecasting_base_model.py +3 -1
- nat/profiler/forecasting/models/linear_model.py +1 -1
- nat/profiler/forecasting/models/random_forest_regressor.py +1 -1
- nat/profiler/inference_optimization/bottleneck_analysis/nested_stack_analysis.py +1 -1
- nat/profiler/inference_optimization/bottleneck_analysis/simple_stack_analysis.py +1 -1
- nat/profiler/inference_optimization/data_models.py +3 -3
- nat/profiler/inference_optimization/experimental/prefix_span_analysis.py +8 -9
- nat/profiler/inference_optimization/token_uniqueness.py +1 -1
- nat/profiler/parameter_optimization/__init__.py +0 -0
- nat/profiler/parameter_optimization/optimizable_utils.py +93 -0
- nat/profiler/parameter_optimization/optimizer_runtime.py +67 -0
- nat/profiler/parameter_optimization/parameter_optimizer.py +153 -0
- nat/profiler/parameter_optimization/parameter_selection.py +107 -0
- nat/profiler/parameter_optimization/pareto_visualizer.py +380 -0
- nat/profiler/parameter_optimization/prompt_optimizer.py +384 -0
- nat/profiler/parameter_optimization/update_helpers.py +66 -0
- nat/profiler/profile_runner.py +14 -9
- nat/profiler/utils.py +4 -2
- nat/registry_handlers/local/local_handler.py +2 -2
- nat/registry_handlers/package_utils.py +1 -2
- nat/registry_handlers/pypi/pypi_handler.py +23 -26
- nat/registry_handlers/register.py +3 -4
- nat/registry_handlers/rest/rest_handler.py +12 -13
- nat/retriever/milvus/retriever.py +2 -2
- nat/retriever/nemo_retriever/retriever.py +1 -1
- nat/retriever/register.py +0 -1
- nat/runtime/loader.py +2 -2
- nat/runtime/runner.py +106 -8
- nat/runtime/session.py +69 -8
- nat/settings/global_settings.py +16 -5
- nat/tool/chat_completion.py +5 -2
- nat/tool/code_execution/local_sandbox/local_sandbox_server.py +3 -3
- nat/tool/datetime_tools.py +49 -9
- nat/tool/document_search.py +2 -2
- nat/tool/github_tools.py +450 -0
- nat/tool/memory_tools/get_memory_tool.py +1 -1
- nat/tool/nvidia_rag.py +1 -1
- nat/tool/register.py +2 -9
- nat/tool/retriever.py +3 -2
- nat/utils/callable_utils.py +70 -0
- nat/utils/data_models/schema_validator.py +3 -3
- nat/utils/decorators.py +210 -0
- nat/utils/exception_handlers/automatic_retries.py +104 -51
- nat/utils/exception_handlers/schemas.py +1 -1
- nat/utils/io/yaml_tools.py +2 -2
- nat/utils/log_levels.py +25 -0
- nat/utils/reactive/base/observable_base.py +2 -2
- nat/utils/reactive/base/observer_base.py +1 -1
- nat/utils/reactive/observable.py +2 -2
- nat/utils/reactive/observer.py +4 -4
- nat/utils/reactive/subscription.py +1 -1
- nat/utils/settings/global_settings.py +6 -8
- nat/utils/type_converter.py +4 -3
- nat/utils/type_utils.py +9 -5
- {nvidia_nat-1.3.0.dev2.dist-info → nvidia_nat-1.3.0rc2.dist-info}/METADATA +42 -18
- {nvidia_nat-1.3.0.dev2.dist-info → nvidia_nat-1.3.0rc2.dist-info}/RECORD +238 -196
- {nvidia_nat-1.3.0.dev2.dist-info → nvidia_nat-1.3.0rc2.dist-info}/entry_points.txt +1 -0
- nat/cli/commands/info/list_mcp.py +0 -304
- nat/tool/github_tools/create_github_commit.py +0 -133
- nat/tool/github_tools/create_github_issue.py +0 -87
- nat/tool/github_tools/create_github_pr.py +0 -106
- nat/tool/github_tools/get_github_file.py +0 -106
- nat/tool/github_tools/get_github_issue.py +0 -166
- nat/tool/github_tools/get_github_pr.py +0 -256
- nat/tool/github_tools/update_github_issue.py +0 -100
- nat/tool/mcp/exceptions.py +0 -142
- nat/tool/mcp/mcp_client.py +0 -255
- nat/tool/mcp/mcp_tool.py +0 -96
- nat/utils/exception_handlers/mcp.py +0 -211
- /nat/{tool/github_tools → agent/prompt_optimizer}/__init__.py +0 -0
- /nat/{tool/mcp → authentication/credential_validator}/__init__.py +0 -0
- {nvidia_nat-1.3.0.dev2.dist-info → nvidia_nat-1.3.0rc2.dist-info}/WHEEL +0 -0
- {nvidia_nat-1.3.0.dev2.dist-info → nvidia_nat-1.3.0rc2.dist-info}/licenses/LICENSE-3rd-party.txt +0 -0
- {nvidia_nat-1.3.0.dev2.dist-info → nvidia_nat-1.3.0rc2.dist-info}/licenses/LICENSE.md +0 -0
- {nvidia_nat-1.3.0.dev2.dist-info → nvidia_nat-1.3.0rc2.dist-info}/top_level.txt +0 -0
nat/utils/type_utils.py
CHANGED
|
@@ -50,7 +50,7 @@ def is_valid_json(string):
|
|
|
50
50
|
# In Python >= 3.12, it uses the built-in typing.override decorator
|
|
51
51
|
# In Python < 3.12, it acts as a no-op decorator
|
|
52
52
|
if sys.version_info >= (3, 12):
|
|
53
|
-
from typing import override
|
|
53
|
+
from typing import override
|
|
54
54
|
else:
|
|
55
55
|
|
|
56
56
|
def override(func):
|
|
@@ -181,7 +181,7 @@ class DecomposedType:
|
|
|
181
181
|
True if the current type is a union type, False otherwise.
|
|
182
182
|
"""
|
|
183
183
|
|
|
184
|
-
return self.origin in (typing.Union, types.UnionType)
|
|
184
|
+
return self.origin in (typing.Union, types.UnionType)
|
|
185
185
|
|
|
186
186
|
@property
|
|
187
187
|
@lru_cache
|
|
@@ -197,7 +197,7 @@ class DecomposedType:
|
|
|
197
197
|
"""
|
|
198
198
|
|
|
199
199
|
return self.origin in (
|
|
200
|
-
typing.AsyncGenerator,
|
|
200
|
+
typing.AsyncGenerator,
|
|
201
201
|
collections.abc.AsyncGenerator,
|
|
202
202
|
types.AsyncGeneratorType,
|
|
203
203
|
)
|
|
@@ -250,7 +250,7 @@ class DecomposedType:
|
|
|
250
250
|
remaining_args = tuple(arg for arg in self.args if arg is not types.NoneType)
|
|
251
251
|
|
|
252
252
|
if (len(remaining_args) > 1):
|
|
253
|
-
return DecomposedType(typing.Union[remaining_args])
|
|
253
|
+
return DecomposedType(typing.Union[*remaining_args])
|
|
254
254
|
if (len(remaining_args) == 1):
|
|
255
255
|
return DecomposedType(remaining_args[0])
|
|
256
256
|
|
|
@@ -353,7 +353,7 @@ class DecomposedType:
|
|
|
353
353
|
True if the current type is an instance of the specified instance, False otherwise
|
|
354
354
|
"""
|
|
355
355
|
|
|
356
|
-
return isinstance(instance, self.root)
|
|
356
|
+
return isinstance(instance, self.get_base_type().root)
|
|
357
357
|
|
|
358
358
|
def get_pydantic_schema(self,
|
|
359
359
|
converters: list[collections.abc.Callable] | None = None) -> type[BaseModel] | type[None]:
|
|
@@ -469,6 +469,10 @@ class DecomposedType:
|
|
|
469
469
|
# Handle generic types that can't use issubclass
|
|
470
470
|
pass
|
|
471
471
|
|
|
472
|
+
# Check direct equality (works for both regular and generic types)
|
|
473
|
+
if source_type == target_type:
|
|
474
|
+
return True
|
|
475
|
+
|
|
472
476
|
# Check if source outputs list[T] and target expects T
|
|
473
477
|
source_decomposed = DecomposedType(source_type)
|
|
474
478
|
if source_decomposed.origin is list and source_decomposed.args:
|
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.4
|
|
2
2
|
Name: nvidia-nat
|
|
3
|
-
Version: 1.3.
|
|
3
|
+
Version: 1.3.0rc2
|
|
4
4
|
Summary: NVIDIA NeMo Agent toolkit
|
|
5
5
|
Author: NVIDIA Corporation
|
|
6
6
|
Maintainer: NVIDIA Corporation
|
|
@@ -207,12 +207,15 @@ License: Apache License
|
|
|
207
207
|
limitations under the License.
|
|
208
208
|
Keywords: ai,rag,agents
|
|
209
209
|
Classifier: Programming Language :: Python
|
|
210
|
-
|
|
210
|
+
Classifier: Programming Language :: Python :: 3.11
|
|
211
|
+
Classifier: Programming Language :: Python :: 3.12
|
|
212
|
+
Classifier: Programming Language :: Python :: 3.13
|
|
213
|
+
Requires-Python: <3.14,>=3.11
|
|
211
214
|
Description-Content-Type: text/markdown
|
|
212
215
|
License-File: LICENSE-3rd-party.txt
|
|
213
216
|
License-File: LICENSE.md
|
|
214
217
|
Requires-Dist: aioboto3>=11.0.0
|
|
215
|
-
Requires-Dist: authlib~=1.
|
|
218
|
+
Requires-Dist: authlib~=1.5
|
|
216
219
|
Requires-Dist: click~=8.1
|
|
217
220
|
Requires-Dist: colorama~=0.4.6
|
|
218
221
|
Requires-Dist: datasets~=4.0
|
|
@@ -221,34 +224,44 @@ Requires-Dist: fastapi~=0.115.5
|
|
|
221
224
|
Requires-Dist: httpx~=0.27
|
|
222
225
|
Requires-Dist: jinja2~=3.1
|
|
223
226
|
Requires-Dist: jsonpath-ng~=1.7
|
|
224
|
-
Requires-Dist: mcp~=1.
|
|
227
|
+
Requires-Dist: mcp~=1.13
|
|
228
|
+
Requires-Dist: nest-asyncio~=1.6
|
|
225
229
|
Requires-Dist: networkx~=3.4
|
|
226
|
-
Requires-Dist: numpy~=1.26
|
|
230
|
+
Requires-Dist: numpy~=1.26; python_version < "3.12"
|
|
231
|
+
Requires-Dist: numpy~=2.3; python_version >= "3.12"
|
|
227
232
|
Requires-Dist: openinference-semantic-conventions~=0.1.14
|
|
228
233
|
Requires-Dist: openpyxl~=3.1
|
|
234
|
+
Requires-Dist: optuna~=4.4.0
|
|
235
|
+
Requires-Dist: pip>=24.3.1
|
|
229
236
|
Requires-Dist: pkce==1.0.3
|
|
230
237
|
Requires-Dist: pkginfo~=1.12
|
|
231
238
|
Requires-Dist: platformdirs~=4.3
|
|
232
|
-
Requires-Dist: pydantic
|
|
239
|
+
Requires-Dist: pydantic~=2.11
|
|
233
240
|
Requires-Dist: pymilvus~=2.4
|
|
234
241
|
Requires-Dist: PyYAML~=6.0
|
|
235
242
|
Requires-Dist: ragas~=0.2.14
|
|
236
243
|
Requires-Dist: rich~=13.9
|
|
237
244
|
Requires-Dist: tabulate~=0.9
|
|
238
|
-
Requires-Dist: uvicorn[standard]~=0.
|
|
245
|
+
Requires-Dist: uvicorn[standard]~=0.34
|
|
239
246
|
Requires-Dist: wikipedia~=1.4
|
|
240
247
|
Provides-Extra: all
|
|
241
248
|
Requires-Dist: nvidia-nat-all; extra == "all"
|
|
249
|
+
Provides-Extra: adk
|
|
250
|
+
Requires-Dist: nvidia-nat-adk; extra == "adk"
|
|
242
251
|
Provides-Extra: agno
|
|
243
252
|
Requires-Dist: nvidia-nat-agno; extra == "agno"
|
|
244
253
|
Provides-Extra: crewai
|
|
245
254
|
Requires-Dist: nvidia-nat-crewai; extra == "crewai"
|
|
255
|
+
Provides-Extra: data-flywheel
|
|
256
|
+
Requires-Dist: nvidia-nat-data-flywheel; extra == "data-flywheel"
|
|
246
257
|
Provides-Extra: ingestion
|
|
247
258
|
Requires-Dist: nvidia-nat-ingestion; extra == "ingestion"
|
|
248
259
|
Provides-Extra: langchain
|
|
249
260
|
Requires-Dist: nvidia-nat-langchain; extra == "langchain"
|
|
250
261
|
Provides-Extra: llama-index
|
|
251
262
|
Requires-Dist: nvidia-nat-llama-index; extra == "llama-index"
|
|
263
|
+
Provides-Extra: mcp
|
|
264
|
+
Requires-Dist: nvidia-nat-mcp; extra == "mcp"
|
|
252
265
|
Provides-Extra: mem0ai
|
|
253
266
|
Requires-Dist: nvidia-nat-mem0ai; extra == "mem0ai"
|
|
254
267
|
Provides-Extra: opentelemetry
|
|
@@ -277,19 +290,21 @@ Requires-Dist: nvidia-nat-weave; extra == "weave"
|
|
|
277
290
|
Provides-Extra: zep-cloud
|
|
278
291
|
Requires-Dist: nvidia-nat-zep-cloud; extra == "zep-cloud"
|
|
279
292
|
Provides-Extra: examples
|
|
293
|
+
Requires-Dist: nat_adk_demo; extra == "examples"
|
|
280
294
|
Requires-Dist: nat_agno_personal_finance; extra == "examples"
|
|
281
295
|
Requires-Dist: nat_alert_triage_agent; extra == "examples"
|
|
282
296
|
Requires-Dist: nat_automated_description_generation; extra == "examples"
|
|
283
297
|
Requires-Dist: nat_email_phishing_analyzer; extra == "examples"
|
|
284
298
|
Requires-Dist: nat_multi_frameworks; extra == "examples"
|
|
285
|
-
Requires-Dist: nat_first_search_agent; extra == "examples"
|
|
286
299
|
Requires-Dist: nat_plot_charts; extra == "examples"
|
|
287
300
|
Requires-Dist: nat_por_to_jiratickets; extra == "examples"
|
|
288
301
|
Requires-Dist: nat_profiler_agent; extra == "examples"
|
|
289
302
|
Requires-Dist: nat_redact_pii; extra == "examples"
|
|
290
|
-
Requires-Dist:
|
|
303
|
+
Requires-Dist: nat_router_agent; extra == "examples"
|
|
291
304
|
Requires-Dist: nat_semantic_kernel_demo; extra == "examples"
|
|
305
|
+
Requires-Dist: nat_sequential_executor; extra == "examples"
|
|
292
306
|
Requires-Dist: nat_simple_auth; extra == "examples"
|
|
307
|
+
Requires-Dist: nat_simple_auth_mcp; extra == "examples"
|
|
293
308
|
Requires-Dist: nat_simple_web_query; extra == "examples"
|
|
294
309
|
Requires-Dist: nat_simple_web_query_eval; extra == "examples"
|
|
295
310
|
Requires-Dist: nat_simple_calculator; extra == "examples"
|
|
@@ -303,6 +318,15 @@ Requires-Dist: nat_swe_bench; extra == "examples"
|
|
|
303
318
|
Requires-Dist: nat_user_report; extra == "examples"
|
|
304
319
|
Provides-Extra: gunicorn
|
|
305
320
|
Requires-Dist: gunicorn~=23.0; extra == "gunicorn"
|
|
321
|
+
Provides-Extra: async-endpoints
|
|
322
|
+
Requires-Dist: aiosqlite~=0.21; extra == "async-endpoints"
|
|
323
|
+
Requires-Dist: dask==2023.6; extra == "async-endpoints"
|
|
324
|
+
Requires-Dist: distributed==2023.6; extra == "async-endpoints"
|
|
325
|
+
Requires-Dist: sqlalchemy[asyncio]~=2.0; extra == "async-endpoints"
|
|
326
|
+
Provides-Extra: litellm
|
|
327
|
+
Requires-Dist: litellm==1.74.9; extra == "litellm"
|
|
328
|
+
Provides-Extra: openai
|
|
329
|
+
Requires-Dist: openai~=1.106; extra == "openai"
|
|
306
330
|
Dynamic: license-file
|
|
307
331
|
|
|
308
332
|
<!--
|
|
@@ -330,19 +354,19 @@ NeMo Agent toolkit is a flexible library designed to seamlessly integrate your e
|
|
|
330
354
|
|
|
331
355
|
## Key Features
|
|
332
356
|
|
|
333
|
-
- [**Framework Agnostic:**](https://docs.nvidia.com/nemo/agent-toolkit/1.
|
|
334
|
-
- [**Reusability:**](https://docs.nvidia.com/nemo/agent-toolkit/1.
|
|
335
|
-
- [**Rapid Development:**](https://docs.nvidia.com/nemo/agent-toolkit/1.
|
|
336
|
-
- [**Profiling:**](https://docs.nvidia.com/nemo/agent-toolkit/1.
|
|
337
|
-
- [**Observability:**](https://docs.nvidia.com/nemo/agent-toolkit/1.
|
|
338
|
-
- [**Evaluation System:**](https://docs.nvidia.com/nemo/agent-toolkit/1.
|
|
339
|
-
- [**User Interface:**](https://docs.nvidia.com/nemo/agent-toolkit/1.
|
|
340
|
-
- [**MCP Compatibility**](https://docs.nvidia.com/nemo/agent-toolkit/1.
|
|
357
|
+
- [**Framework Agnostic:**](https://docs.nvidia.com/nemo/agent-toolkit/1.3/extend/plugins.html) Works with any agentic framework, so you can use your current technology stack without replatforming.
|
|
358
|
+
- [**Reusability:**](https://docs.nvidia.com/nemo/agent-toolkit/1.3/extend/sharing-components.html) Every agent, tool, or workflow can be combined and repurposed, allowing developers to leverage existing work in new scenarios.
|
|
359
|
+
- [**Rapid Development:**](https://docs.nvidia.com/nemo/agent-toolkit/1.3/tutorials/index.html) Start with a pre-built agent, tool, or workflow, and customize it to your needs.
|
|
360
|
+
- [**Profiling:**](https://docs.nvidia.com/nemo/agent-toolkit/1.3/workflows/profiler.html) Profile entire workflows down to the tool and agent level, track input/output tokens and timings, and identify bottlenecks.
|
|
361
|
+
- [**Observability:**](https://docs.nvidia.com/nemo/agent-toolkit/1.3/workflows/observe/observe-workflow-with-phoenix.html) Monitor and debug your workflows with any OpenTelemetry-compatible observability tool, with examples using [Phoenix](https://docs.nvidia.com/nemo/agent-toolkit/1.3/workflows/observe/observe-workflow-with-phoenix.html) and [W&B Weave](https://docs.nvidia.com/nemo/agent-toolkit/1.3/workflows/observe/observe-workflow-with-weave.html).
|
|
362
|
+
- [**Evaluation System:**](https://docs.nvidia.com/nemo/agent-toolkit/1.3/workflows/evaluate.html) Validate and maintain accuracy of agentic workflows with built-in evaluation tools.
|
|
363
|
+
- [**User Interface:**](https://docs.nvidia.com/nemo/agent-toolkit/1.3/quick-start/launching-ui.html) Use the NeMo Agent toolkit UI chat interface to interact with your agents, visualize output, and debug workflows.
|
|
364
|
+
- [**MCP Compatibility**](https://docs.nvidia.com/nemo/agent-toolkit/1.3/workflows/mcp/mcp-client.html) Compatible with Model Context Protocol (MCP), allowing tools served by MCP Servers to be used as NeMo Agent toolkit functions.
|
|
341
365
|
|
|
342
366
|
With NeMo Agent toolkit, you can move quickly, experiment freely, and ensure reliability across all your agent-driven projects.
|
|
343
367
|
|
|
344
368
|
## Links
|
|
345
|
-
* [Documentation](https://docs.nvidia.com/nemo/agent-toolkit/1.
|
|
369
|
+
* [Documentation](https://docs.nvidia.com/nemo/agent-toolkit/1.3/index.html): Explore the full documentation for NeMo Agent toolkit.
|
|
346
370
|
|
|
347
371
|
## First time user?
|
|
348
372
|
If this is your first time using NeMo Agent toolkit, it is recommended to install the latest version from the [source repository](https://github.com/NVIDIA/NeMo-Agent-Toolkit?tab=readme-ov-file#quick-start) on GitHub. This package is intended for users who are familiar with NeMo Agent toolkit applications and need to add NeMo Agent toolkit as a dependency to their project.
|