nvidia-nat 1.3.0a20250909__py3-none-any.whl → 1.3.0a20250910__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.
nat/agent/base.py CHANGED
@@ -29,7 +29,7 @@ from langchain_core.messages import BaseMessage
29
29
  from langchain_core.messages import ToolMessage
30
30
  from langchain_core.runnables import RunnableConfig
31
31
  from langchain_core.tools import BaseTool
32
- from langgraph.graph.graph import CompiledGraph
32
+ from langgraph.graph.state import CompiledStateGraph
33
33
 
34
34
  logger = logging.getLogger(__name__)
35
35
 
@@ -256,5 +256,5 @@ class BaseAgent(ABC):
256
256
  return "\n".join([f"{message.type}: {message.content}" for message in messages[:-1]])
257
257
 
258
258
  @abstractmethod
259
- async def _build_graph(self, state_schema: type) -> CompiledGraph:
259
+ async def _build_graph(self, state_schema: type) -> CompiledStateGraph:
260
260
  pass
nat/agent/dual_node.py CHANGED
@@ -20,7 +20,7 @@ from langchain_core.callbacks import AsyncCallbackHandler
20
20
  from langchain_core.language_models import BaseChatModel
21
21
  from langchain_core.tools import BaseTool
22
22
  from langgraph.graph import StateGraph
23
- from langgraph.graph.graph import CompiledGraph
23
+ from langgraph.graph.state import CompiledStateGraph
24
24
  from pydantic import BaseModel
25
25
 
26
26
  from .base import AgentDecision
@@ -55,7 +55,7 @@ class DualNodeAgent(BaseAgent):
55
55
  async def conditional_edge(self, state: BaseModel) -> str:
56
56
  pass
57
57
 
58
- async def _build_graph(self, state_schema) -> CompiledGraph:
58
+ async def _build_graph(self, state_schema: type) -> CompiledStateGraph:
59
59
  log.debug("Building and compiling the Agent Graph")
60
60
 
61
61
  graph = StateGraph(state_schema)
@@ -83,7 +83,7 @@ class ReActAgentWorkflowConfig(FunctionBaseConfig, name="react_agent"):
83
83
  async def react_agent_workflow(config: ReActAgentWorkflowConfig, builder: Builder):
84
84
  from langchain.schema import BaseMessage
85
85
  from langchain_core.messages import trim_messages
86
- from langgraph.graph.graph import CompiledGraph
86
+ from langgraph.graph.state import CompiledStateGraph
87
87
 
88
88
  from nat.agent.base import AGENT_LOG_PREFIX
89
89
  from nat.agent.react_agent.agent import ReActAgentGraph
@@ -101,7 +101,7 @@ async def react_agent_workflow(config: ReActAgentWorkflowConfig, builder: Builde
101
101
  raise ValueError(f"No tools specified for ReAct Agent '{config.llm_name}'")
102
102
  # configure callbacks, for sending intermediate steps
103
103
  # construct the ReAct Agent Graph from the configured llm, prompt, and tools
104
- graph: CompiledGraph = await ReActAgentGraph(
104
+ graph: CompiledStateGraph = await ReActAgentGraph(
105
105
  llm=llm,
106
106
  prompt=prompt,
107
107
  tools=tools,
@@ -27,6 +27,7 @@ from langchain_core.prompts.chat import ChatPromptTemplate
27
27
  from langchain_core.runnables.config import RunnableConfig
28
28
  from langchain_core.tools import BaseTool
29
29
  from langgraph.graph import StateGraph
30
+ from langgraph.graph.state import CompiledStateGraph
30
31
  from pydantic import BaseModel
31
32
  from pydantic import Field
32
33
 
@@ -341,7 +342,7 @@ class ReWOOAgentGraph(BaseAgent):
341
342
  logger.warning("%s Ending graph traversal", AGENT_LOG_PREFIX)
342
343
  return AgentDecision.END
343
344
 
344
- async def _build_graph(self, state_schema):
345
+ async def _build_graph(self, state_schema: type) -> CompiledStateGraph:
345
346
  try:
346
347
  logger.debug("%s Building and compiling the ReWOO Graph", AGENT_LOG_PREFIX)
347
348
 
@@ -73,7 +73,7 @@ async def rewoo_agent_workflow(config: ReWOOAgentWorkflowConfig, builder: Builde
73
73
  from langchain_core.messages import trim_messages
74
74
  from langchain_core.messages.human import HumanMessage
75
75
  from langchain_core.prompts import ChatPromptTemplate
76
- from langgraph.graph.graph import CompiledGraph
76
+ from langgraph.graph.state import CompiledStateGraph
77
77
 
78
78
  from nat.agent.rewoo_agent.prompt import PLANNER_SYSTEM_PROMPT
79
79
  from nat.agent.rewoo_agent.prompt import PLANNER_USER_PROMPT
@@ -111,13 +111,14 @@ async def rewoo_agent_workflow(config: ReWOOAgentWorkflowConfig, builder: Builde
111
111
  raise ValueError(f"No tools specified for ReWOO Agent '{config.llm_name}'")
112
112
 
113
113
  # construct the ReWOO Agent Graph from the configured llm, prompt, and tools
114
- graph: CompiledGraph = await ReWOOAgentGraph(llm=llm,
115
- planner_prompt=planner_prompt,
116
- solver_prompt=solver_prompt,
117
- tools=tools,
118
- use_tool_schema=config.include_tool_input_schema_in_tool_description,
119
- detailed_logs=config.verbose,
120
- log_response_max_chars=config.log_response_max_chars).build_graph()
114
+ graph: CompiledStateGraph = await ReWOOAgentGraph(
115
+ llm=llm,
116
+ planner_prompt=planner_prompt,
117
+ solver_prompt=solver_prompt,
118
+ tools=tools,
119
+ use_tool_schema=config.include_tool_input_schema_in_tool_description,
120
+ detailed_logs=config.verbose,
121
+ log_response_max_chars=config.log_response_max_chars).build_graph()
121
122
 
122
123
  async def _response_fn(input_message: ChatRequest) -> ChatResponse:
123
124
  try:
@@ -52,7 +52,7 @@ class ToolCallAgentWorkflowConfig(FunctionBaseConfig, name="tool_calling_agent")
52
52
  @register_function(config_type=ToolCallAgentWorkflowConfig, framework_wrappers=[LLMFrameworkEnum.LANGCHAIN])
53
53
  async def tool_calling_agent_workflow(config: ToolCallAgentWorkflowConfig, builder: Builder):
54
54
  from langchain_core.messages.human import HumanMessage
55
- from langgraph.graph.graph import CompiledGraph
55
+ from langgraph.graph.state import CompiledStateGraph
56
56
 
57
57
  from nat.agent.base import AGENT_LOG_PREFIX
58
58
  from nat.agent.tool_calling_agent.agent import ToolCallAgentGraph
@@ -69,12 +69,12 @@ async def tool_calling_agent_workflow(config: ToolCallAgentWorkflowConfig, build
69
69
  raise ValueError(f"No tools specified for Tool Calling Agent '{config.llm_name}'")
70
70
 
71
71
  # construct the Tool Calling Agent Graph from the configured llm, and tools
72
- graph: CompiledGraph = await ToolCallAgentGraph(llm=llm,
73
- tools=tools,
74
- prompt=prompt,
75
- detailed_logs=config.verbose,
76
- log_response_max_chars=config.log_response_max_chars,
77
- handle_tool_errors=config.handle_tool_errors).build_graph()
72
+ graph: CompiledStateGraph = await ToolCallAgentGraph(llm=llm,
73
+ tools=tools,
74
+ prompt=prompt,
75
+ detailed_logs=config.verbose,
76
+ log_response_max_chars=config.log_response_max_chars,
77
+ handle_tool_errors=config.handle_tool_errors).build_graph()
78
78
 
79
79
  async def _response_fn(input_message: str) -> str:
80
80
  try:
@@ -37,7 +37,7 @@ def _get_nat_dependency(versioned: bool = True) -> str:
37
37
  Returns:
38
38
  str: The dependency string to use in pyproject.toml
39
39
  """
40
- # Assume the default dependency is langchain
40
+ # Assume the default dependency is LangChain/LangGraph
41
41
  dependency = "nvidia-nat[langchain]"
42
42
 
43
43
  if not versioned:
@@ -688,7 +688,7 @@ GlobalTypeConverter.register_converter(_string_to_nat_chat_response_chunk)
688
688
 
689
689
  # ======== AINodeMessageChunk Converters ========
690
690
  def _ai_message_chunk_to_nat_chat_response_chunk(data) -> ChatResponseChunk:
691
- '''Converts LangChain AINodeMessageChunk to ChatResponseChunk'''
691
+ '''Converts LangChain/LangGraph AINodeMessageChunk to ChatResponseChunk'''
692
692
  content = ""
693
693
  if hasattr(data, 'content') and data.content is not None:
694
694
  content = str(data.content)
@@ -41,7 +41,7 @@ class AWSBedrockModelConfig(LLMBaseConfig, RetryMixin, TemperatureMixin, TopPMix
41
41
  default=1024,
42
42
  gt=0,
43
43
  description="The maximum number of tokens available for input. This is only required for LlamaIndex. "
44
- "This field is ignored for Langchain.",
44
+ "This field is ignored for LangChain/LangGraph.",
45
45
  )
46
46
 
47
47
  # Client parameters
@@ -60,7 +60,7 @@ def set_framework_profiler_handler(
60
60
  callback_handler_var.set(handler)
61
61
  register_configure_hook(callback_handler_var, inheritable=True)
62
62
  _library_instrumented["langchain"] = True
63
- logger.debug("Langchain callback handler registered")
63
+ logger.debug("LangChain/LangGraph callback handler registered")
64
64
 
65
65
  if LLMFrameworkEnum.LLAMA_INDEX in frameworks:
66
66
  from llama_index.core import Settings
@@ -44,7 +44,7 @@ async def register_chat_completion(config: ChatCompletionConfig, builder: Builde
44
44
  """Registers a chat completion function that can handle natural language queries."""
45
45
 
46
46
  # Get the LLM from the builder context using the configured LLM reference
47
- # Use LangChain framework wrapper since we're using LangChain-based LLM
47
+ # Use LangChain/LangGraph framework wrapper since we're using LangChain/LangGraph-based LLM
48
48
  llm = await builder.get_llm(config.llm_name, wrapper_type=LLMFrameworkEnum.LANGCHAIN)
49
49
 
50
50
  async def _chat_completion(query: str) -> str:
@@ -119,7 +119,7 @@ Return only the name of the predicted collection."""
119
119
  if len(results["chunks"]) == 0:
120
120
  return DocumentSearchOutput(collection_name=llm_pred.collection_name, documents="")
121
121
 
122
- # parse docs from Langchain Document object to string
122
+ # parse docs from LangChain/LangGraph Document object to string
123
123
  parsed_docs = []
124
124
 
125
125
  # iterate over results and store parsed content
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.4
2
2
  Name: nvidia-nat
3
- Version: 1.3.0a20250909
3
+ Version: 1.3.0a20250910
4
4
  Summary: NVIDIA NeMo Agent toolkit
5
5
  Author: NVIDIA Corporation
6
6
  Maintainer: NVIDIA Corporation
@@ -1,22 +1,22 @@
1
1
  aiq/__init__.py,sha256=qte-NlwgM990yEeyaRUxA4IBQq3PaEkQUCK3i95iwPw,2341
2
2
  nat/agent/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
3
- nat/agent/base.py,sha256=TnspR3rLYyUbzKkPHQknQhk9nLyrKcoyKdSJN7vy9aU,9856
4
- nat/agent/dual_node.py,sha256=YRGRwwkui-2iV_TafTWRnVjWLYFcFIs1HC4kR6AEPyE,2553
3
+ nat/agent/base.py,sha256=4yV1ePzgxHE13GVFyY6XipP7Buo-dIhKCfg8khfJivA,9866
4
+ nat/agent/dual_node.py,sha256=pfvXa1iLKtrNBHsh-tM5RWRmVe7QkyYhQNanOfWdJJs,2569
5
5
  nat/agent/register.py,sha256=1utq5-6GxtEh2kIEj521q1R17GyxKlWOLBFwuSd0BNs,973
6
6
  nat/agent/react_agent/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
7
7
  nat/agent/react_agent/agent.py,sha256=ead5hwZ9AdklAyem85pbfj5gq6lcpaGMW2YpFBtH4JA,21277
8
8
  nat/agent/react_agent/output_parser.py,sha256=m7K6wRwtckBBpAHqOf3BZ9mqZLwrP13Kxz5fvNxbyZE,4219
9
9
  nat/agent/react_agent/prompt.py,sha256=N47JJrT6xwYQCv1jedHhlul2AE7EfKsSYfAbgJwWRew,1758
10
- nat/agent/react_agent/register.py,sha256=B3LMOxWa47rQi5XpFMo7hrSb3UsfXHEMp2otNTxZ4lA,8625
10
+ nat/agent/react_agent/register.py,sha256=6_Ybj9fi7Rr2yIBw0ac4uLk1lPQHLcdmli19uMsDxgk,8635
11
11
  nat/agent/reasoning_agent/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
12
12
  nat/agent/reasoning_agent/reasoning_agent.py,sha256=2NDDHeesM2s2PnJfRsv2OTYjeajR1rYUVDvJZLzWGAQ,9434
13
13
  nat/agent/rewoo_agent/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
14
- nat/agent/rewoo_agent/agent.py,sha256=xmaoRvfzyTNYURcjmSV_LXb6X_kTDBqEE4hXost31do,18777
14
+ nat/agent/rewoo_agent/agent.py,sha256=lH1oXePyhNVavzAaN4ahjeDo3IH7O7v8jBs5d3bOYkU,18858
15
15
  nat/agent/rewoo_agent/prompt.py,sha256=nFMav3Zl_vmKPLzAIhbQHlldWnurPJb1GlwnekUuxDs,3720
16
- nat/agent/rewoo_agent/register.py,sha256=EbG2PH3KV73llMJkHEHla_0Acz85Us8Li-i5Ghb7is8,8685
16
+ nat/agent/rewoo_agent/register.py,sha256=PkKF4QjHfbc-QcQQ2S7YAubNMGLpwqfUzTIT1H6pDj0,8458
17
17
  nat/agent/tool_calling_agent/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
18
18
  nat/agent/tool_calling_agent/agent.py,sha256=FhGL7yV-gwbviZsP5RZ95TDWHdhHRuB_UcXPW22qypE,7655
19
- nat/agent/tool_calling_agent/register.py,sha256=XSBVQ79k-9qnVE_0aCBWRyWOIxQOvtivrddMmjWwIOg,5773
19
+ nat/agent/tool_calling_agent/register.py,sha256=eFHiu1_t2knZOlLfeWmw1JFH5y84cIxuZTy8gl8IIa8,5808
20
20
  nat/authentication/__init__.py,sha256=Xs1JQ16L9btwreh4pdGKwskffAw1YFO48jKrU4ib_7c,685
21
21
  nat/authentication/interfaces.py,sha256=FAYM-QXVUn3a_8bmAZ7kP-lmN_BrLW8mo6krZJ3e0ME,3314
22
22
  nat/authentication/register.py,sha256=lFhswYUk9iZ53mq33fClR9UfjJPdjGIivGGNHQeWiYo,915
@@ -89,14 +89,14 @@ nat/cli/commands/sizing/calc.py,sha256=3cJHKCbzvV7EwYfLcpfk3_Ki7soAjOaiBcLK-Q6hP
89
89
  nat/cli/commands/sizing/sizing.py,sha256=-Hr9mz_ScEMtBbn6ijvmmWVk0WybLeX0Ryi4qhDiYQU,902
90
90
  nat/cli/commands/workflow/__init__.py,sha256=GUJrgGtpvyMUCjUBvR3faAdv-tZzbU9W-izgx9aMEQg,680
91
91
  nat/cli/commands/workflow/workflow.py,sha256=40nIOehOX-4xI-qJqJraBX3XVz3l2VtFsZkMQYd897w,1342
92
- nat/cli/commands/workflow/workflow_commands.py,sha256=jk0Nm27hhyb0Nj7WzVdQa_w2HP9yEZTzb6U_O7llg0c,13032
92
+ nat/cli/commands/workflow/workflow_commands.py,sha256=uLZ_IIW9jaVpu8iWcTHh2G7UvxycnrfTslVoNYo-4-Q,13042
93
93
  nat/cli/commands/workflow/templates/__init__.py.j2,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
94
94
  nat/cli/commands/workflow/templates/config.yml.j2,sha256=KkZl1fOMVQVFBW-BD_d0Lu8kQgNBtjNpfojhSCPu4uA,222
95
95
  nat/cli/commands/workflow/templates/pyproject.toml.j2,sha256=lDBC4exHYutXa_skuJj176yMEuZr-DsdzrqQHPZoKpk,1035
96
96
  nat/cli/commands/workflow/templates/register.py.j2,sha256=txA-qBpWhxRc0GUcVRCIqVI6gGSh-TJijemrUqnb38s,138
97
97
  nat/cli/commands/workflow/templates/workflow.py.j2,sha256=Z4uZPG9rtf1nxF74dF4DqDtrF3uYmYUmWowDFbQBjao,1241
98
98
  nat/data_models/__init__.py,sha256=Xs1JQ16L9btwreh4pdGKwskffAw1YFO48jKrU4ib_7c,685
99
- nat/data_models/api_server.py,sha256=J9G4aYV2TmIsMNEQtwHZYriyyjynghyHHIa7uwileFM,25689
99
+ nat/data_models/api_server.py,sha256=Zl0eAd-yV9PD8vUH8eWRvXFcUBdY2tENKe73q-Uxxgg,25699
100
100
  nat/data_models/authentication.py,sha256=kF-eTOiKuEsvHFAPy-WQxumeSIhtjny59Wci1uh84qo,7349
101
101
  nat/data_models/common.py,sha256=nXXfGrjpxebzBUa55mLdmzePLt7VFHvTAc6Znj3yEv0,5875
102
102
  nat/data_models/component.py,sha256=YURCaCPnaa6ZPVzSMHHm3iFkqnxGhUHvxUWY8bRKlnI,1816
@@ -243,7 +243,7 @@ nat/front_ends/mcp/tool_converter.py,sha256=vNPaTckcqjKakwdjkqET_T4-ChjlLkMfdw0_
243
243
  nat/front_ends/simple_base/__init__.py,sha256=Xs1JQ16L9btwreh4pdGKwskffAw1YFO48jKrU4ib_7c,685
244
244
  nat/front_ends/simple_base/simple_front_end_plugin_base.py,sha256=3kevZVhvzj_Wvu8HYhRz-CRrO2OldW6wcmtcsIQCELk,1765
245
245
  nat/llm/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
246
- nat/llm/aws_bedrock_llm.py,sha256=jZQ9rOOWRgz61plerkU6ZCC5SG3o2K0nOuQ7xaPRKAs,2718
246
+ nat/llm/aws_bedrock_llm.py,sha256=oGsb0R7Km42yJNEP8Gvu40oRlUMfSdyHeHumoejgsE4,2728
247
247
  nat/llm/azure_openai_llm.py,sha256=30JWbNyscHhuRjFdWF2yLAEcKurY0q2BSMVFTdtSv9g,2649
248
248
  nat/llm/nim_llm.py,sha256=ZQw-q6huSu2FhHjd2GTHfN8Vss_1FDqL1n-z-yJ9_3M,2217
249
249
  nat/llm/openai_llm.py,sha256=IO8F5FXvg-VENaAUhayYIVH0bbOjakINtGFNJCMs9r4,2268
@@ -315,7 +315,7 @@ nat/profiler/callbacks/llama_index_callback_handler.py,sha256=xzYve07uMlSTDjj929
315
315
  nat/profiler/callbacks/semantic_kernel_callback_handler.py,sha256=BknzhQNB-MDMhR4QC9JScCp-zXq7KZ33SFb7X0MiTaI,11087
316
316
  nat/profiler/callbacks/token_usage_base_model.py,sha256=X0b_AbBgVQAAbgbDMim-3S3XdQ7PaPs9qMUACvMAe5o,1104
317
317
  nat/profiler/decorators/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
318
- nat/profiler/decorators/framework_wrapper.py,sha256=ENZ91KCZNiJVk0uJzW5gJ7HV9yHvvCgGUSuEJ0YrJMI,5316
318
+ nat/profiler/decorators/framework_wrapper.py,sha256=t-Z4d9Ul9L4gekFfkrwihXisrkY0K3e59cYzdyRGzzY,5326
319
319
  nat/profiler/decorators/function_tracking.py,sha256=aZWPOsWKwFCFZSoxXz3SpHmbVB39W3hC0cVND7Tby4I,15795
320
320
  nat/profiler/forecasting/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
321
321
  nat/profiler/forecasting/config.py,sha256=5BhMa8csuPCjEnTaNQjo_2IoO7esh1ch02MoSWkvwPw,791
@@ -377,9 +377,9 @@ nat/settings/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
377
377
  nat/settings/global_settings.py,sha256=JSlYnW3CeGJYGxlaXLz5F9xXf72I5TUz-w6qngG5di0,12476
378
378
  nat/test/.namespace,sha256=Gace0pOC3ETEJf-TBVuNw0TQV6J_KtOPpEiSzMH-odo,215
379
379
  nat/tool/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
380
- nat/tool/chat_completion.py,sha256=zB8sqEBEHW0QDcnv0NdqO43ybxe5Q-WKZr9s349UBvA,3149
380
+ nat/tool/chat_completion.py,sha256=SdRFoS-ZgksN-ldLJGx0tTN99VxQrp8iw24F8lJNIJM,3169
381
381
  nat/tool/datetime_tools.py,sha256=yZV5lE3FsQuIZE3B36gg38hxfavxgaG04eVFbL0UBTI,3239
382
- nat/tool/document_search.py,sha256=M6OjKdqUm_HdNn5-rgm5SDOeFGTNuwjYiuMQL43myGc,6741
382
+ nat/tool/document_search.py,sha256=pLXWNfrddwu45Qa7z3pxfCUQEpTgGekvE-2WzM-CTP4,6751
383
383
  nat/tool/nvidia_rag.py,sha256=cEHSc3CZwpd71YcOQngya-Ca_B6ZOb87Dmsoza0VhFY,4163
384
384
  nat/tool/register.py,sha256=7w_yQp4Z1ELX7RqcGME36fL5DlYaCqeD2ZW1bLwSooE,1433
385
385
  nat/tool/retriever.py,sha256=FP5JL1vCQNrqaKz4F1up-osjxEPhxPFOyaScrgByc34,3877
@@ -438,10 +438,10 @@ nat/utils/reactive/base/observer_base.py,sha256=6BiQfx26EMumotJ3KoVcdmFBYR_fnAss
438
438
  nat/utils/reactive/base/subject_base.py,sha256=UQOxlkZTIeeyYmG5qLtDpNf_63Y7p-doEeUA08_R8ME,2521
439
439
  nat/utils/settings/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
440
440
  nat/utils/settings/global_settings.py,sha256=9JaO6pxKT_Pjw6rxJRsRlFCXdVKCl_xUKU2QHZQWWNM,7294
441
- nvidia_nat-1.3.0a20250909.dist-info/licenses/LICENSE-3rd-party.txt,sha256=fOk5jMmCX9YoKWyYzTtfgl-SUy477audFC5hNY4oP7Q,284609
442
- nvidia_nat-1.3.0a20250909.dist-info/licenses/LICENSE.md,sha256=QwcOLU5TJoTeUhuIXzhdCEEDDvorGiC6-3YTOl4TecE,11356
443
- nvidia_nat-1.3.0a20250909.dist-info/METADATA,sha256=Usx9uaZgocnncgN6GEsXRUFY5xAU73Y4fkRsMy7e57I,22152
444
- nvidia_nat-1.3.0a20250909.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
445
- nvidia_nat-1.3.0a20250909.dist-info/entry_points.txt,sha256=FNh4pZVSe_61s29zdks66lmXBPtsnko8KSZ4ffv7WVE,653
446
- nvidia_nat-1.3.0a20250909.dist-info/top_level.txt,sha256=lgJWLkigiVZuZ_O1nxVnD_ziYBwgpE2OStdaCduMEGc,8
447
- nvidia_nat-1.3.0a20250909.dist-info/RECORD,,
441
+ nvidia_nat-1.3.0a20250910.dist-info/licenses/LICENSE-3rd-party.txt,sha256=fOk5jMmCX9YoKWyYzTtfgl-SUy477audFC5hNY4oP7Q,284609
442
+ nvidia_nat-1.3.0a20250910.dist-info/licenses/LICENSE.md,sha256=QwcOLU5TJoTeUhuIXzhdCEEDDvorGiC6-3YTOl4TecE,11356
443
+ nvidia_nat-1.3.0a20250910.dist-info/METADATA,sha256=O98zoGapwsIyam5jwacbe1DDtJZ6hLjwKTtDGwnF630,22152
444
+ nvidia_nat-1.3.0a20250910.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
445
+ nvidia_nat-1.3.0a20250910.dist-info/entry_points.txt,sha256=FNh4pZVSe_61s29zdks66lmXBPtsnko8KSZ4ffv7WVE,653
446
+ nvidia_nat-1.3.0a20250910.dist-info/top_level.txt,sha256=lgJWLkigiVZuZ_O1nxVnD_ziYBwgpE2OStdaCduMEGc,8
447
+ nvidia_nat-1.3.0a20250910.dist-info/RECORD,,