fast-agent-mcp 0.3.7__py3-none-any.whl → 0.3.8__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 fast-agent-mcp might be problematic. Click here for more details.

@@ -45,7 +45,7 @@ class LlmAgent(LlmDecorator):
45
45
 
46
46
  This class provides LLM-specific functionality including UI display methods,
47
47
  tool call tracking, and chat interaction patterns while delegating core
48
- LLM operations to the attached AugmentedLLMProtocol.
48
+ LLM operations to the attached FastAgentLLMProtocol.
49
49
  """
50
50
 
51
51
  def __init__(
@@ -134,7 +134,9 @@ class LlmAgent(LlmDecorator):
134
134
 
135
135
  if additional_message is not None:
136
136
  additional_segments.append(
137
- additional_message if isinstance(additional_message, Text) else Text(str(additional_message))
137
+ additional_message
138
+ if isinstance(additional_message, Text)
139
+ else Text(str(additional_message))
138
140
  )
139
141
 
140
142
  additional_message_text = None
@@ -197,9 +199,7 @@ class LlmAgent(LlmDecorator):
197
199
  # TODO - manage error catch, recovery, pause
198
200
  result, summary = await self._generate_with_summary(messages, request_params, tools)
199
201
 
200
- summary_text = (
201
- Text(f"\n\n{summary.message}", style="dim red italic") if summary else None
202
- )
202
+ summary_text = Text(f"\n\n{summary.message}", style="dim red italic") if summary else None
203
203
 
204
204
  await self.show_assistant_message(result, additional_message=summary_text)
205
205
  return result
@@ -216,9 +216,7 @@ class LlmAgent(LlmDecorator):
216
216
  (result, message), summary = await self._structured_with_summary(
217
217
  messages, model, request_params
218
218
  )
219
- summary_text = (
220
- Text(f"\n\n{summary.message}", style="dim red italic") if summary else None
221
- )
219
+ summary_text = Text(f"\n\n{summary.message}", style="dim red italic") if summary else None
222
220
  await self.show_assistant_message(message=message, additional_message=summary_text)
223
221
  return result, message
224
222
 
@@ -57,7 +57,6 @@ from fast_agent.types import PromptMessageExtended, RequestParams
57
57
  # Define a TypeVar for models
58
58
  ModelT = TypeVar("ModelT", bound=BaseModel)
59
59
 
60
- # Define a TypeVar for AugmentedLLM and its subclasses
61
60
  LLM = TypeVar("LLM", bound=FastAgentLLMProtocol)
62
61
 
63
62
 
@@ -533,9 +532,7 @@ class LlmDecorator(AgentProtocol):
533
532
  if isinstance(block, EmbeddedResource):
534
533
  resource = getattr(block, "resource", None)
535
534
  mime = getattr(resource, "mimeType", None)
536
- if isinstance(resource, TextResourceContents) or (
537
- mime and is_text_mime_type(mime)
538
- ):
535
+ if isinstance(resource, TextResourceContents) or (mime and is_text_mime_type(mime)):
539
536
  return mime or "text/plain", "text"
540
537
  if mime and mime.startswith("image/"):
541
538
  return mime, "vision"
@@ -593,9 +590,7 @@ class LlmDecorator(AgentProtocol):
593
590
  entries.append(metadata_text)
594
591
  return entries
595
592
 
596
- def _build_removed_summary(
597
- self, removed: List[_RemovedBlock]
598
- ) -> RemovedContentSummary | None:
593
+ def _build_removed_summary(self, removed: List[_RemovedBlock]) -> RemovedContentSummary | None:
599
594
  if not removed:
600
595
  return None
601
596
 
@@ -2,7 +2,7 @@
2
2
  Base Agent class that implements the AgentProtocol interface.
3
3
 
4
4
  This class provides default implementations of the standard agent methods
5
- and delegates operations to an attached AugmentedLLMProtocol instance.
5
+ and delegates operations to an attached FastAgentLLMProtocol instance.
6
6
  """
7
7
 
8
8
  import asyncio
@@ -52,7 +52,6 @@ from fast_agent.types import PromptMessageExtended, RequestParams
52
52
  # Define a TypeVar for models
53
53
  ModelT = TypeVar("ModelT", bound=BaseModel)
54
54
 
55
- # Define a TypeVar for AugmentedLLM and its subclasses
56
55
  LLM = TypeVar("LLM", bound=FastAgentLLMProtocol)
57
56
 
58
57
  if TYPE_CHECKING:
@@ -67,7 +66,7 @@ class McpAgent(ABC, ToolAgent):
67
66
  A base Agent class that implements the AgentProtocol interface.
68
67
 
69
68
  This class provides default implementations of the standard agent methods
70
- and delegates LLM operations to an attached AugmentedLLMProtocol instance.
69
+ and delegates LLM operations to an attached FastAgentLLMProtocol instance.
71
70
  """
72
71
 
73
72
  def __init__(
@@ -293,7 +293,9 @@ def main(
293
293
 
294
294
  @app.command()
295
295
  def login(
296
- target: str = typer.Argument(..., help="Server name (from config) or identity (base URL)"),
296
+ target: Optional[str] = typer.Argument(
297
+ None, help="Server name (from config) or identity (base URL)"
298
+ ),
297
299
  transport: Optional[str] = typer.Option(
298
300
  None, "--transport", help="Transport for identity mode: http or sse"
299
301
  ),
@@ -311,6 +313,17 @@ def login(
311
313
  cfg = None
312
314
  resolved_transport = None
313
315
 
316
+ if target is None or not target.strip():
317
+ typer.echo("Provide a server name or identity URL to log in.")
318
+ typer.echo(
319
+ "Example: `fast-agent auth login my-server` "
320
+ "or `fast-agent auth login https://example.com`."
321
+ )
322
+ typer.echo("Run `fast-agent auth login --help` for more details.")
323
+ raise typer.Exit(1)
324
+
325
+ target = target.strip()
326
+
314
327
  if "://" in target:
315
328
  # Identity mode
316
329
  base = _derive_base_server_url(target)
@@ -55,7 +55,8 @@ def convert_log_event(event: Event) -> "ProgressEvent | None":
55
55
  if progress_message: # Only override if message is non-empty
56
56
  details = progress_message
57
57
 
58
- elif "augmented_llm" in namespace:
58
+ # TODO: there must be a better way :D?!
59
+ elif "llm" in namespace:
59
60
  model = event_data.get("model", "")
60
61
 
61
62
  # For all augmented_llm events, put model info in details column
fast_agent/interfaces.py CHANGED
@@ -47,7 +47,7 @@ ModelT = TypeVar("ModelT", bound=BaseModel)
47
47
 
48
48
 
49
49
  class LLMFactoryProtocol(Protocol):
50
- """Protocol for LLM factory functions that create AugmentedLLM instances."""
50
+ """Protocol for LLM factory functions that create FastAgentLLM instances."""
51
51
 
52
52
  def __call__(self, agent: "LlmAgentProtocol", **kwargs: Any) -> "FastAgentLLMProtocol": ...
53
53
 
@@ -59,7 +59,7 @@ class ModelFactoryFunctionProtocol(Protocol):
59
59
 
60
60
 
61
61
  class FastAgentLLMProtocol(Protocol):
62
- """Protocol defining the interface for augmented LLMs"""
62
+ """Protocol defining the interface for LLMs"""
63
63
 
64
64
  async def structured(
65
65
  self,
@@ -164,7 +164,11 @@ class ModelDatabase:
164
164
  )
165
165
 
166
166
  # FIXME: xAI has not documented the max output tokens for Grok 4. Using Grok 3 as a placeholder. Will need to update when available (if ever)
167
- GROK_4 = ModelParameters(context_window=256000, max_output_tokens=16385, tokenizes=XAI_VISION)
167
+ GROK_4 = ModelParameters(context_window=256000, max_output_tokens=16385, tokenizes=TEXT_ONLY)
168
+
169
+ GROK_4_VLM = ModelParameters(
170
+ context_window=2000000, max_output_tokens=16385, tokenizes=XAI_VISION
171
+ )
168
172
 
169
173
  # Source for Grok 3 max output: https://www.reddit.com/r/grok/comments/1j7209p/exploring_grok_3_beta_output_capacity_a_simple/
170
174
  # xAI does not document Grok 3 max output tokens, using the above source as a reference.
@@ -240,6 +244,8 @@ class ModelDatabase:
240
244
  "gemini-2.5-flash-preview-05-20": GEMINI_FLASH,
241
245
  "gemini-2.5-pro-preview-05-06": GEMINI_PRO,
242
246
  # xAI Grok Models
247
+ "grok-4-fast-reasoning": GROK_4_VLM,
248
+ "grok-4-fast-non-reasoning": GROK_4_VLM,
243
249
  "grok-4": GROK_4,
244
250
  "grok-4-0709": GROK_4,
245
251
  "grok-3": GROK_3,
@@ -12,9 +12,6 @@ from fast_agent.llm.internal.slow import SlowLLM
12
12
  from fast_agent.llm.provider_types import Provider
13
13
  from fast_agent.types import RequestParams
14
14
 
15
- # from fast_agent.workflows.llm.augmented_llm_deepseek import DeekSeekAugmentedLLM
16
-
17
-
18
15
  # Type alias for LLM classes
19
16
  LLMClass = Union[Type[PassthroughLLM], Type[PlaybackLLM], Type[SilentLLM], Type[SlowLLM], type]
20
17
 
@@ -123,6 +120,8 @@ class ModelFactory:
123
120
  "kimi": "groq.moonshotai/kimi-k2-instruct-0905",
124
121
  "gpt-oss": "groq.openai/gpt-oss-120b",
125
122
  "gpt-oss-20b": "groq.openai/gpt-oss-20b",
123
+ "grok-4-fast": "xai.grok-4-fast-non-reasoning",
124
+ "grok-4-fast-reasoning": "xai.grok-4-fast-reasoning",
126
125
  }
127
126
 
128
127
  @staticmethod
@@ -126,7 +126,7 @@ class ModelCapabilities:
126
126
 
127
127
  class BedrockLLM(FastAgentLLM[BedrockMessageParam, BedrockMessage]):
128
128
  """
129
- AWS Bedrock implementation of AugmentedLLM using the Converse API.
129
+ AWS Bedrock implementation of FastAgentLLM using the Converse API.
130
130
  Supports all Bedrock models including Nova, Claude, Meta, etc.
131
131
  """
132
132
 
@@ -36,10 +36,8 @@ GOOGLE_EXCLUDE_FIELDS = {
36
36
  FastAgentLLM.PARAM_MESSAGES, # Handled by contents
37
37
  FastAgentLLM.PARAM_MODEL, # Handled during client/call setup
38
38
  FastAgentLLM.PARAM_SYSTEM_PROMPT, # Handled by system_instruction in config
39
- # AugmentedLLM.PARAM_PARALLEL_TOOL_CALLS, # Handled by tool_config in config
40
- FastAgentLLM.PARAM_USE_HISTORY, # Handled by AugmentedLLM base / this class's logic
39
+ FastAgentLLM.PARAM_USE_HISTORY, # Handled by FastAgentLLM base / this class's logic
41
40
  FastAgentLLM.PARAM_MAX_ITERATIONS, # Handled by this class's loop
42
- # Add any other OpenAI-specific params not applicable to google.genai
43
41
  FastAgentLLM.PARAM_MCP_METADATA,
44
42
  }.union(FastAgentLLM.BASE_EXCLUDE_FIELDS)
45
43
 
@@ -23,7 +23,7 @@ DEFAULT_AZURE_API_VERSION = "2024-10-21"
23
23
 
24
24
  class AzureOpenAILLM(OpenAILLM):
25
25
  """
26
- Azure OpenAI implementation extending OpenAIAugmentedLLM.
26
+ Azure OpenAI implementation extending OpenAILLM.
27
27
  Handles both API Key and DefaultAzureCredential authentication.
28
28
  """
29
29
 
@@ -26,7 +26,7 @@ class TensorZeroOpenAILLM(OpenAILLM):
26
26
  self._t0_function_name = kwargs.get("model", "")
27
27
 
28
28
  super().__init__(*args, provider=Provider.TENSORZERO, **kwargs)
29
- self.logger.info("TensorZeroOpenAIAugmentedLLM initialized.")
29
+ self.logger.info("TensorZeroOpenAILLM initialized.")
30
30
 
31
31
  def _initialize_default_params(self, kwargs: dict) -> RequestParams:
32
32
  """
@@ -11,7 +11,7 @@ from pydantic import Field
11
11
 
12
12
  class RequestParams(CreateMessageRequestParams):
13
13
  """
14
- Parameters to configure the AugmentedLLM 'generate' requests.
14
+ Parameters to configure the FastAgentLLM 'generate' requests.
15
15
  """
16
16
 
17
17
  messages: List[SamplingMessage] = Field(exclude=True, default=[])
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.4
2
2
  Name: fast-agent-mcp
3
- Version: 0.3.7
3
+ Version: 0.3.8
4
4
  Summary: Define, Prompt and Test MCP enabled Agents and Workflows
5
5
  Author-email: Shaun Smith <fastagent@llmindset.co.uk>
6
6
  License: Apache License
@@ -209,7 +209,7 @@ Classifier: License :: OSI Approved :: Apache Software License
209
209
  Classifier: Operating System :: OS Independent
210
210
  Classifier: Programming Language :: Python :: 3
211
211
  Requires-Python: >=3.13.5
212
- Requires-Dist: a2a-sdk>=0.3.0
212
+ Requires-Dist: a2a-sdk>=0.3.6
213
213
  Requires-Dist: aiohttp>=3.11.13
214
214
  Requires-Dist: anthropic>=0.68.0
215
215
  Requires-Dist: azure-identity>=1.14.0
@@ -4,14 +4,14 @@ fast_agent/constants.py,sha256=IoXL5m4L0iLlcRrKerMaK3ZPcS6KCJgK8b_bj1BAR60,345
4
4
  fast_agent/context.py,sha256=nBelOqehSH91z3aG2nYhwETP-biRzz-iuA2fqmKdHP8,7700
5
5
  fast_agent/context_dependent.py,sha256=KU1eydVBoIt4bYOZroqxDgE1AUexDaZi7hurE26QsF4,1584
6
6
  fast_agent/event_progress.py,sha256=OETeh-4jJGyxvvPAlVTzW4JsCbFUmOTo-ti0ROgtG5M,1999
7
- fast_agent/interfaces.py,sha256=R2C1TzNxAO8Qxaam5oHthfhHRNKoP78FtKSV6vPy_Gk,6251
7
+ fast_agent/interfaces.py,sha256=0WCi97-gZT1WU4B4OfP8wduAVImA_s4ji8Z3pACS6J0,6241
8
8
  fast_agent/mcp_server_registry.py,sha256=TDCNpQIehsh1PK4y7AWp_rkQMcwYx7FaouUbK3kWNZo,2635
9
9
  fast_agent/py.typed,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
10
10
  fast_agent/agents/__init__.py,sha256=WfgtR9MgmJUJI7rb-CUH_10s7308LjxYIYzJRIBZ_9Y,2644
11
11
  fast_agent/agents/agent_types.py,sha256=xAFEFWIvOtSnTNDcqqfaAnBx_lFLhnS2_b4hm9xKMo8,1719
12
- fast_agent/agents/llm_agent.py,sha256=-z2CRz-fcfDOruMQh893WfAZHA5uHgA5VghjjPQui1g,9375
13
- fast_agent/agents/llm_decorator.py,sha256=gecRmyAXbdgVg6MtBQJQWyGfPoajF4ThDvo0kNhnkK8,29548
14
- fast_agent/agents/mcp_agent.py,sha256=fyIzcQqXqwCbdW336Hh0LfiGcoND1YWVQUYhVf7_bdM,39059
12
+ fast_agent/agents/llm_agent.py,sha256=q7gT8kq0te_ViU89531XamY-qxjr34jSWNUrOZHyqz0,9359
13
+ fast_agent/agents/llm_decorator.py,sha256=08emhIHxNi7YX9DlF3tOY_H4AzUHhhxF1WpWqmlPtrY,29449
14
+ fast_agent/agents/mcp_agent.py,sha256=jFokJC-oceiX1-svN0HLjWtYPiv5oQEdJz7pLnfG6PM,39004
15
15
  fast_agent/agents/tool_agent.py,sha256=UMgNi56XTecP-qnpcIJLzfJ4SFTCTIjz9K49azz8M94,8869
16
16
  fast_agent/agents/workflow/chain_agent.py,sha256=Pd8dOH_YdKu3LXsKa4fwqzY_B2qVuhzdfCUiKi5v17s,6293
17
17
  fast_agent/agents/workflow/evaluator_optimizer.py,sha256=rhzazy8Aj-ydId6kmBC77TmtYZ5mirSe7eV6PPMWkBA,12040
@@ -25,7 +25,7 @@ fast_agent/cli/__main__.py,sha256=iF9mNX1ja9Ea9T6gzNg9nfYAuei_vRowfHpUPiFbJVI,12
25
25
  fast_agent/cli/constants.py,sha256=flYDsml3_8wVcGg7T1t5mPFT9CC1M-XMjBigXjX6PuI,559
26
26
  fast_agent/cli/main.py,sha256=tERbfQjure3kgKYqzZCNDSLyiVZGXCH2coZ8YBwvq64,4398
27
27
  fast_agent/cli/terminal.py,sha256=tDN1fJ91Nc_wZJTNafkQuD7Z7gFscvo1PHh-t7Wl-5s,1066
28
- fast_agent/cli/commands/auth.py,sha256=JlRT1iHDgF0fPmkbaoiLTm2cTO-qI9KZtrO3wppIVcg,14639
28
+ fast_agent/cli/commands/auth.py,sha256=nJEC7zrz5UXYUz5O6AgGZnfJPHIrgHk68CUwGo-7Nyg,15063
29
29
  fast_agent/cli/commands/check_config.py,sha256=D0emHGl6yc9XRq-HjAwS4KfS7a9r5gkA55MyiIRptGQ,26638
30
30
  fast_agent/cli/commands/go.py,sha256=mZJv1jXO9xqVUzuDCO5iWKI8ubBUACHO6i3lZwu5NFU,15148
31
31
  fast_agent/cli/commands/quickstart.py,sha256=CiSen7VxmKDy7apJZ8rAyC33-BIo0zsUt8cBnEtxg0Y,21241
@@ -49,7 +49,7 @@ fast_agent/core/executor/workflow_signal.py,sha256=Cg1uZBk3fn8kXhPOg-wINNuVaf3v9
49
49
  fast_agent/core/logging/__init__.py,sha256=dFW2bbTtz45zebUuQs7RVi7mg1RJm4DHH6TGfBMhW14,167
50
50
  fast_agent/core/logging/events.py,sha256=WTjr26uIxtbxhnoLNPROVUIt0HNJrzK1g1fUMZ-zVsQ,4207
51
51
  fast_agent/core/logging/json_serializer.py,sha256=kQDkwTHIkHSQgbhDOJhMoetNvfJVMZGOScaKoLX8kmw,5797
52
- fast_agent/core/logging/listeners.py,sha256=dubbGJoieryyhXN-JF-GrjkW-dgMq93bElM-NBkwA_Q,9366
52
+ fast_agent/core/logging/listeners.py,sha256=LVZMf274gN-T-MKNpkmwaE_FbJX2AS0HoHdROrrkmdQ,9400
53
53
  fast_agent/core/logging/logger.py,sha256=L-hLfUGFCIABoNYDiUkNHWvFxL6j-6zn5Pc5E7aC44M,11074
54
54
  fast_agent/core/logging/transport.py,sha256=i_WYXk5mqyfetT72bCYrbdrMWcuL1HJCyeQKfQg7U2w,16994
55
55
  fast_agent/history/history_exporter.py,sha256=oqkw7qC5rrW73u20tkIqt8yBWPoVzCTC61x2Q2rOKGs,1404
@@ -62,13 +62,13 @@ fast_agent/human_input/types.py,sha256=3Zz89yIt8SuDAVAaRy-r4Vw0-M6AWahwbqQ0yOcoe
62
62
  fast_agent/llm/__init__.py,sha256=MCsrkfnTQXYvn0SofJ-JFmp1l1jX_eidgvegbWbgpsw,184
63
63
  fast_agent/llm/fastagent_llm.py,sha256=LvaGB3cwdnYBxNfPgC6hq-QcLV7dY2yEU97DpifYmik,24177
64
64
  fast_agent/llm/memory.py,sha256=POFoBVMHK0wX4oLd3Gz-6Ru3uC4kTCvAqsVQ77e7KJA,8551
65
- fast_agent/llm/model_database.py,sha256=CXpAncjfFGmzjVyvAaKE5QuvDoLwMWXqUHngv_4oDl8,12609
66
- fast_agent/llm/model_factory.py,sha256=0quhsqz816GxEM_vuRaJ4n6U8C3lp5KxtIphxepIXVI,12862
65
+ fast_agent/llm/model_database.py,sha256=1sk-0A7303-TOzNQW_IyqVjdyTCUS8a2i2KtwDZigUM,12821
66
+ fast_agent/llm/model_factory.py,sha256=FfrmLM9TnBA7-8bjj_gWLQZbEXvaVqDqKp0C6NkvCSU,12895
67
67
  fast_agent/llm/model_info.py,sha256=DAIMW70W-EFqNLIudhjHJE2gobHUAKg90gkwOPuaFUc,4125
68
68
  fast_agent/llm/prompt_utils.py,sha256=1WU67G-BFqftja5I8FKPMMzsvDk1K_1jDi9A9kkFdOg,4899
69
69
  fast_agent/llm/provider_key_manager.py,sha256=igzs1ghXsUp0wA4nJVVfWCWiYOib8Ux4jMGlhWbgXu8,3396
70
70
  fast_agent/llm/provider_types.py,sha256=Ya0MGo_4cE0oCwinqPvr9SJUwx4hEJ7CFbCrLB_27FI,1142
71
- fast_agent/llm/request_params.py,sha256=OW9WnQAD-I2fz2JzMsqPY2wwwHFG0SI4yAvC1WxTfNY,1735
71
+ fast_agent/llm/request_params.py,sha256=lQxDmPDpqkbKQPI0WxL8Y4FDweovI6lTbxsHPZ_agq8,1735
72
72
  fast_agent/llm/sampling_converter.py,sha256=YEUpdVeZlJNDljCuwrXyhsb40o0-1QuWGTuorQnvhbo,3102
73
73
  fast_agent/llm/usage_tracking.py,sha256=6FRIIimIaAoSlYTCGVG00GuavGRIFbOBEBWHvfBxWw0,16791
74
74
  fast_agent/llm/internal/passthrough.py,sha256=0P7qc13_xTV1aMHJmZ2KQEtMtGtu0H7ArkEL6hiy5_M,5209
@@ -79,18 +79,18 @@ fast_agent/llm/provider/anthropic/anthropic_utils.py,sha256=zkeMpAlV9YW9pP1FObky
79
79
  fast_agent/llm/provider/anthropic/llm_anthropic.py,sha256=EYd3_xy0OwSz4vM6XRkmQyG62_hTho-bsKpcg7CL9JI,25797
80
80
  fast_agent/llm/provider/anthropic/multipart_converter_anthropic.py,sha256=fO6qoKvG2ede85CvdvMipOlATwLjbGKahvsu2OzJhvk,16460
81
81
  fast_agent/llm/provider/bedrock/bedrock_utils.py,sha256=mqWCCeB1gUQSL2KRUMqpFjvHZ0ZTJugCsd5YOrx6U30,7750
82
- fast_agent/llm/provider/bedrock/llm_bedrock.py,sha256=VSwl-UbU5Qh7umqNzQ5NofeO8p7aHhGl89eL4wTJchY,100199
82
+ fast_agent/llm/provider/bedrock/llm_bedrock.py,sha256=Yl3luBfgM4wNGuMpPN9yg8DGHr_ncfYg0EemvKi2Rxc,100199
83
83
  fast_agent/llm/provider/google/google_converter.py,sha256=iQZps4773Bc8SUODduLpfkVpT3J1rIg1bFgLQ2CCqZc,18926
84
- fast_agent/llm/provider/google/llm_google_native.py,sha256=Uzkz8GXH-tzRO1mHnO1N7qiLuPdQ5NFkRoSa9_3uAPc,19451
84
+ fast_agent/llm/provider/google/llm_google_native.py,sha256=pbCld68BFlN1vUQSHWQzIAbFPOBTnd8ZVBEjGmxVS_Q,19296
85
85
  fast_agent/llm/provider/openai/llm_aliyun.py,sha256=ti7VHTpwl0AG3ytwBERpDzVtacvCfamKnl2bAnTE96s,1213
86
- fast_agent/llm/provider/openai/llm_azure.py,sha256=O-TIEL6hGOArqRlvEjocaeW4OMUaelSnh6xpqhrrcHQ,6070
86
+ fast_agent/llm/provider/openai/llm_azure.py,sha256=dePpuOf7yD4-zQc1PEHm4yaVznrZe9RaIz7nxsbZhlU,6061
87
87
  fast_agent/llm/provider/openai/llm_deepseek.py,sha256=aAMX7pd1qDfl54Z9pLvJTVYETc4yKKMRYrEMiPIhd7w,3762
88
88
  fast_agent/llm/provider/openai/llm_generic.py,sha256=O_mmu3o9LeAZ6Kp405I-GfwrS8AuVkyX3tT6aCDCfLY,1168
89
89
  fast_agent/llm/provider/openai/llm_google_oai.py,sha256=u1yZVeDds9z2hvydz_kUpFe2RANTNwEtlPgB-OEmgrY,1095
90
90
  fast_agent/llm/provider/openai/llm_groq.py,sha256=trNSy3T94_fJWAhVn51iESP_J7sQh_23ufVegKKNHBs,5247
91
91
  fast_agent/llm/provider/openai/llm_openai.py,sha256=tESYY9djYp3OJi89sbNv1Fw1NlviSP80rJ5yKxUyvys,24843
92
92
  fast_agent/llm/provider/openai/llm_openrouter.py,sha256=RBTUkNBRqE8WoucCoVnXP5GhnMwc2tiRacXbMHVf1xM,1943
93
- fast_agent/llm/provider/openai/llm_tensorzero_openai.py,sha256=yrV0kZ2zRohErdjhvWGDTl0OnPi2SbuzY_8MchXiVTU,5466
93
+ fast_agent/llm/provider/openai/llm_tensorzero_openai.py,sha256=bG1paNw-OWf0SUGfHvhx1SJ1C-nn_sDZkFVJ_e3kJYc,5457
94
94
  fast_agent/llm/provider/openai/llm_xai.py,sha256=fEyO9XlU3Ef1a-cXdJl0Qe-FmE562cA-UJOGvzqLO6M,1375
95
95
  fast_agent/llm/provider/openai/multipart_converter_openai.py,sha256=M7cbM4F8_xycPtVHJv1kBYYBX7KRXyYPCDb1YKQEgo0,20925
96
96
  fast_agent/llm/provider/openai/openai_multipart.py,sha256=uuoRMYWiznYksBODbknBuqe65UxEHE1h7AphHpdnCCM,6864
@@ -198,8 +198,8 @@ fast_agent/ui/mermaid_utils.py,sha256=MpcRyVCPMTwU1XeIxnyFg0fQLjcyXZduWRF8NhEqvX
198
198
  fast_agent/ui/progress_display.py,sha256=hajDob65PttiJ2mPS6FsCtnmTcnyvDWGn-UqQboXqkQ,361
199
199
  fast_agent/ui/rich_progress.py,sha256=fMiTigtkll4gL4Ik5WYHx-t0a92jfUovj0b580rT6J0,7735
200
200
  fast_agent/ui/usage_display.py,sha256=ltJpn_sDzo8PDNSXWx-QdEUbQWUnhmajCItNt5mA5rM,7285
201
- fast_agent_mcp-0.3.7.dist-info/METADATA,sha256=6O9VvjRCmO2Uc_56cspXUVYjt0vOA03p8R4m1ggxKho,31696
202
- fast_agent_mcp-0.3.7.dist-info/WHEEL,sha256=qtCwoSJWgHk21S1Kb4ihdzI2rlJ1ZKaIurTj_ngOhyQ,87
203
- fast_agent_mcp-0.3.7.dist-info/entry_points.txt,sha256=i6Ujja9J-hRxttOKqTYdbYP_tyaS4gLHg53vupoCSsg,199
204
- fast_agent_mcp-0.3.7.dist-info/licenses/LICENSE,sha256=Gx1L3axA4PnuK4FxsbX87jQ1opoOkSFfHHSytW6wLUU,10935
205
- fast_agent_mcp-0.3.7.dist-info/RECORD,,
201
+ fast_agent_mcp-0.3.8.dist-info/METADATA,sha256=feOivGQLiTWK49mA33aoCteuCwZQIOi14U7XuLAmKTU,31696
202
+ fast_agent_mcp-0.3.8.dist-info/WHEEL,sha256=qtCwoSJWgHk21S1Kb4ihdzI2rlJ1ZKaIurTj_ngOhyQ,87
203
+ fast_agent_mcp-0.3.8.dist-info/entry_points.txt,sha256=i6Ujja9J-hRxttOKqTYdbYP_tyaS4gLHg53vupoCSsg,199
204
+ fast_agent_mcp-0.3.8.dist-info/licenses/LICENSE,sha256=Gx1L3axA4PnuK4FxsbX87jQ1opoOkSFfHHSytW6wLUU,10935
205
+ fast_agent_mcp-0.3.8.dist-info/RECORD,,