openai-agents 0.0.11__py3-none-any.whl → 0.0.13__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 openai-agents might be problematic. Click here for more details.
- agents/__init__.py +2 -1
- agents/_run_impl.py +3 -3
- agents/agent.py +9 -2
- agents/agent_output.py +58 -8
- agents/extensions/models/__init__.py +0 -0
- agents/extensions/models/litellm_model.py +381 -0
- agents/extensions/models/litellm_provider.py +21 -0
- agents/extensions/visualization.py +1 -1
- agents/mcp/server.py +24 -5
- agents/model_settings.py +21 -2
- agents/models/chatcmpl_converter.py +466 -0
- agents/models/chatcmpl_helpers.py +37 -0
- agents/models/chatcmpl_stream_handler.py +292 -0
- agents/models/interface.py +3 -3
- agents/models/multi_provider.py +144 -0
- agents/models/openai_chatcompletions.py +35 -781
- agents/models/openai_responses.py +9 -9
- agents/result.py +24 -9
- agents/run.py +16 -13
- agents/tracing/processors.py +6 -0
- agents/tracing/span_data.py +1 -1
- {openai_agents-0.0.11.dist-info → openai_agents-0.0.13.dist-info}/METADATA +5 -5
- {openai_agents-0.0.11.dist-info → openai_agents-0.0.13.dist-info}/RECORD +25 -18
- {openai_agents-0.0.11.dist-info → openai_agents-0.0.13.dist-info}/WHEEL +0 -0
- {openai_agents-0.0.11.dist-info → openai_agents-0.0.13.dist-info}/licenses/LICENSE +0 -0
|
@@ -18,7 +18,7 @@ from openai.types.responses import (
|
|
|
18
18
|
)
|
|
19
19
|
|
|
20
20
|
from .. import _debug
|
|
21
|
-
from ..agent_output import
|
|
21
|
+
from ..agent_output import AgentOutputSchemaBase
|
|
22
22
|
from ..exceptions import UserError
|
|
23
23
|
from ..handoffs import Handoff
|
|
24
24
|
from ..items import ItemHelpers, ModelResponse, TResponseInputItem
|
|
@@ -66,7 +66,7 @@ class OpenAIResponsesModel(Model):
|
|
|
66
66
|
input: str | list[TResponseInputItem],
|
|
67
67
|
model_settings: ModelSettings,
|
|
68
68
|
tools: list[Tool],
|
|
69
|
-
output_schema:
|
|
69
|
+
output_schema: AgentOutputSchemaBase | None,
|
|
70
70
|
handoffs: list[Handoff],
|
|
71
71
|
tracing: ModelTracing,
|
|
72
72
|
previous_response_id: str | None,
|
|
@@ -131,7 +131,7 @@ class OpenAIResponsesModel(Model):
|
|
|
131
131
|
input: str | list[TResponseInputItem],
|
|
132
132
|
model_settings: ModelSettings,
|
|
133
133
|
tools: list[Tool],
|
|
134
|
-
output_schema:
|
|
134
|
+
output_schema: AgentOutputSchemaBase | None,
|
|
135
135
|
handoffs: list[Handoff],
|
|
136
136
|
tracing: ModelTracing,
|
|
137
137
|
previous_response_id: str | None,
|
|
@@ -182,7 +182,7 @@ class OpenAIResponsesModel(Model):
|
|
|
182
182
|
input: str | list[TResponseInputItem],
|
|
183
183
|
model_settings: ModelSettings,
|
|
184
184
|
tools: list[Tool],
|
|
185
|
-
output_schema:
|
|
185
|
+
output_schema: AgentOutputSchemaBase | None,
|
|
186
186
|
handoffs: list[Handoff],
|
|
187
187
|
previous_response_id: str | None,
|
|
188
188
|
stream: Literal[True],
|
|
@@ -195,7 +195,7 @@ class OpenAIResponsesModel(Model):
|
|
|
195
195
|
input: str | list[TResponseInputItem],
|
|
196
196
|
model_settings: ModelSettings,
|
|
197
197
|
tools: list[Tool],
|
|
198
|
-
output_schema:
|
|
198
|
+
output_schema: AgentOutputSchemaBase | None,
|
|
199
199
|
handoffs: list[Handoff],
|
|
200
200
|
previous_response_id: str | None,
|
|
201
201
|
stream: Literal[False],
|
|
@@ -207,7 +207,7 @@ class OpenAIResponsesModel(Model):
|
|
|
207
207
|
input: str | list[TResponseInputItem],
|
|
208
208
|
model_settings: ModelSettings,
|
|
209
209
|
tools: list[Tool],
|
|
210
|
-
output_schema:
|
|
210
|
+
output_schema: AgentOutputSchemaBase | None,
|
|
211
211
|
handoffs: list[Handoff],
|
|
212
212
|
previous_response_id: str | None,
|
|
213
213
|
stream: Literal[True] | Literal[False] = False,
|
|
@@ -253,7 +253,7 @@ class OpenAIResponsesModel(Model):
|
|
|
253
253
|
tool_choice=tool_choice,
|
|
254
254
|
parallel_tool_calls=parallel_tool_calls,
|
|
255
255
|
stream=stream,
|
|
256
|
-
extra_headers=_HEADERS,
|
|
256
|
+
extra_headers={**_HEADERS, **(model_settings.extra_headers or {})},
|
|
257
257
|
extra_query=model_settings.extra_query,
|
|
258
258
|
extra_body=model_settings.extra_body,
|
|
259
259
|
text=response_format,
|
|
@@ -307,7 +307,7 @@ class Converter:
|
|
|
307
307
|
|
|
308
308
|
@classmethod
|
|
309
309
|
def get_response_format(
|
|
310
|
-
cls, output_schema:
|
|
310
|
+
cls, output_schema: AgentOutputSchemaBase | None
|
|
311
311
|
) -> ResponseTextConfigParam | NotGiven:
|
|
312
312
|
if output_schema is None or output_schema.is_plain_text():
|
|
313
313
|
return NOT_GIVEN
|
|
@@ -317,7 +317,7 @@ class Converter:
|
|
|
317
317
|
"type": "json_schema",
|
|
318
318
|
"name": "final_output",
|
|
319
319
|
"schema": output_schema.json_schema(),
|
|
320
|
-
"strict": output_schema.
|
|
320
|
+
"strict": output_schema.is_strict_json_schema(),
|
|
321
321
|
}
|
|
322
322
|
}
|
|
323
323
|
|
agents/result.py
CHANGED
|
@@ -10,7 +10,7 @@ from typing_extensions import TypeVar
|
|
|
10
10
|
|
|
11
11
|
from ._run_impl import QueueCompleteSentinel
|
|
12
12
|
from .agent import Agent
|
|
13
|
-
from .agent_output import
|
|
13
|
+
from .agent_output import AgentOutputSchemaBase
|
|
14
14
|
from .exceptions import InputGuardrailTripwireTriggered, MaxTurnsExceeded
|
|
15
15
|
from .guardrail import InputGuardrailResult, OutputGuardrailResult
|
|
16
16
|
from .items import ItemHelpers, ModelResponse, RunItem, TResponseInputItem
|
|
@@ -75,7 +75,9 @@ class RunResultBase(abc.ABC):
|
|
|
75
75
|
|
|
76
76
|
def to_input_list(self) -> list[TResponseInputItem]:
|
|
77
77
|
"""Creates a new input list, merging the original input with all the new items generated."""
|
|
78
|
-
original_items: list[TResponseInputItem] = ItemHelpers.input_to_new_input_list(
|
|
78
|
+
original_items: list[TResponseInputItem] = ItemHelpers.input_to_new_input_list(
|
|
79
|
+
self.input
|
|
80
|
+
)
|
|
79
81
|
new_items = [item.to_input_item() for item in self.new_items]
|
|
80
82
|
|
|
81
83
|
return original_items + new_items
|
|
@@ -124,9 +126,9 @@ class RunResultStreaming(RunResultBase):
|
|
|
124
126
|
final_output: Any
|
|
125
127
|
"""The final output of the agent. This is None until the agent has finished running."""
|
|
126
128
|
|
|
127
|
-
_current_agent_output_schema:
|
|
129
|
+
_current_agent_output_schema: AgentOutputSchemaBase | None = field(repr=False)
|
|
128
130
|
|
|
129
|
-
|
|
131
|
+
trace: Trace | None = field(repr=False)
|
|
130
132
|
|
|
131
133
|
is_complete: bool = False
|
|
132
134
|
"""Whether the agent has finished running."""
|
|
@@ -152,6 +154,18 @@ class RunResultStreaming(RunResultBase):
|
|
|
152
154
|
"""
|
|
153
155
|
return self.current_agent
|
|
154
156
|
|
|
157
|
+
def cancel(self) -> None:
|
|
158
|
+
"""Cancels the streaming run, stopping all background tasks and marking the run as
|
|
159
|
+
complete."""
|
|
160
|
+
self._cleanup_tasks() # Cancel all running tasks
|
|
161
|
+
self.is_complete = True # Mark the run as complete to stop event streaming
|
|
162
|
+
|
|
163
|
+
# Optionally, clear the event queue to prevent processing stale events
|
|
164
|
+
while not self._event_queue.empty():
|
|
165
|
+
self._event_queue.get_nowait()
|
|
166
|
+
while not self._input_guardrail_queue.empty():
|
|
167
|
+
self._input_guardrail_queue.get_nowait()
|
|
168
|
+
|
|
155
169
|
async def stream_events(self) -> AsyncIterator[StreamEvent]:
|
|
156
170
|
"""Stream deltas for new items as they are generated. We're using the types from the
|
|
157
171
|
OpenAI Responses API, so these are semantic events: each event has a `type` field that
|
|
@@ -185,9 +199,6 @@ class RunResultStreaming(RunResultBase):
|
|
|
185
199
|
yield item
|
|
186
200
|
self._event_queue.task_done()
|
|
187
201
|
|
|
188
|
-
if self._trace:
|
|
189
|
-
self._trace.finish(reset_current=True)
|
|
190
|
-
|
|
191
202
|
self._cleanup_tasks()
|
|
192
203
|
|
|
193
204
|
if self._stored_exception:
|
|
@@ -195,13 +206,17 @@ class RunResultStreaming(RunResultBase):
|
|
|
195
206
|
|
|
196
207
|
def _check_errors(self):
|
|
197
208
|
if self.current_turn > self.max_turns:
|
|
198
|
-
self._stored_exception = MaxTurnsExceeded(
|
|
209
|
+
self._stored_exception = MaxTurnsExceeded(
|
|
210
|
+
f"Max turns ({self.max_turns}) exceeded"
|
|
211
|
+
)
|
|
199
212
|
|
|
200
213
|
# Fetch all the completed guardrail results from the queue and raise if needed
|
|
201
214
|
while not self._input_guardrail_queue.empty():
|
|
202
215
|
guardrail_result = self._input_guardrail_queue.get_nowait()
|
|
203
216
|
if guardrail_result.output.tripwire_triggered:
|
|
204
|
-
self._stored_exception = InputGuardrailTripwireTriggered(
|
|
217
|
+
self._stored_exception = InputGuardrailTripwireTriggered(
|
|
218
|
+
guardrail_result
|
|
219
|
+
)
|
|
205
220
|
|
|
206
221
|
# Check the tasks for any exceptions
|
|
207
222
|
if self._run_impl_task and self._run_impl_task.done():
|
agents/run.py
CHANGED
|
@@ -19,7 +19,7 @@ from ._run_impl import (
|
|
|
19
19
|
get_model_tracing_impl,
|
|
20
20
|
)
|
|
21
21
|
from .agent import Agent
|
|
22
|
-
from .agent_output import AgentOutputSchema
|
|
22
|
+
from .agent_output import AgentOutputSchema, AgentOutputSchemaBase
|
|
23
23
|
from .exceptions import (
|
|
24
24
|
AgentsException,
|
|
25
25
|
InputGuardrailTripwireTriggered,
|
|
@@ -34,7 +34,7 @@ from .lifecycle import RunHooks
|
|
|
34
34
|
from .logger import logger
|
|
35
35
|
from .model_settings import ModelSettings
|
|
36
36
|
from .models.interface import Model, ModelProvider
|
|
37
|
-
from .models.
|
|
37
|
+
from .models.multi_provider import MultiProvider
|
|
38
38
|
from .result import RunResult, RunResultStreaming
|
|
39
39
|
from .run_context import RunContextWrapper, TContext
|
|
40
40
|
from .stream_events import AgentUpdatedStreamEvent, RawResponsesStreamEvent
|
|
@@ -56,7 +56,7 @@ class RunConfig:
|
|
|
56
56
|
agent. The model_provider passed in below must be able to resolve this model name.
|
|
57
57
|
"""
|
|
58
58
|
|
|
59
|
-
model_provider: ModelProvider = field(default_factory=
|
|
59
|
+
model_provider: ModelProvider = field(default_factory=MultiProvider)
|
|
60
60
|
"""The model provider to use when looking up string model names. Defaults to OpenAI."""
|
|
61
61
|
|
|
62
62
|
model_settings: ModelSettings | None = None
|
|
@@ -185,7 +185,7 @@ class Runner:
|
|
|
185
185
|
if current_span is None:
|
|
186
186
|
handoff_names = [h.agent_name for h in cls._get_handoffs(current_agent)]
|
|
187
187
|
if output_schema := cls._get_output_schema(current_agent):
|
|
188
|
-
output_type_name = output_schema.
|
|
188
|
+
output_type_name = output_schema.name()
|
|
189
189
|
else:
|
|
190
190
|
output_type_name = "str"
|
|
191
191
|
|
|
@@ -404,10 +404,6 @@ class Runner:
|
|
|
404
404
|
disabled=run_config.tracing_disabled,
|
|
405
405
|
)
|
|
406
406
|
)
|
|
407
|
-
# Need to start the trace here, because the current trace contextvar is captured at
|
|
408
|
-
# asyncio.create_task time
|
|
409
|
-
if new_trace:
|
|
410
|
-
new_trace.start(mark_as_current=True)
|
|
411
407
|
|
|
412
408
|
output_schema = cls._get_output_schema(starting_agent)
|
|
413
409
|
context_wrapper: RunContextWrapper[TContext] = RunContextWrapper(
|
|
@@ -426,7 +422,7 @@ class Runner:
|
|
|
426
422
|
input_guardrail_results=[],
|
|
427
423
|
output_guardrail_results=[],
|
|
428
424
|
_current_agent_output_schema=output_schema,
|
|
429
|
-
|
|
425
|
+
trace=new_trace,
|
|
430
426
|
)
|
|
431
427
|
|
|
432
428
|
# Kick off the actual agent loop in the background and return the streamed result object.
|
|
@@ -499,6 +495,9 @@ class Runner:
|
|
|
499
495
|
run_config: RunConfig,
|
|
500
496
|
previous_response_id: str | None,
|
|
501
497
|
):
|
|
498
|
+
if streamed_result.trace:
|
|
499
|
+
streamed_result.trace.start(mark_as_current=True)
|
|
500
|
+
|
|
502
501
|
current_span: Span[AgentSpanData] | None = None
|
|
503
502
|
current_agent = starting_agent
|
|
504
503
|
current_turn = 0
|
|
@@ -517,7 +516,7 @@ class Runner:
|
|
|
517
516
|
if current_span is None:
|
|
518
517
|
handoff_names = [h.agent_name for h in cls._get_handoffs(current_agent)]
|
|
519
518
|
if output_schema := cls._get_output_schema(current_agent):
|
|
520
|
-
output_type_name = output_schema.
|
|
519
|
+
output_type_name = output_schema.name()
|
|
521
520
|
else:
|
|
522
521
|
output_type_name = "str"
|
|
523
522
|
|
|
@@ -625,6 +624,8 @@ class Runner:
|
|
|
625
624
|
finally:
|
|
626
625
|
if current_span:
|
|
627
626
|
current_span.finish(reset_current=True)
|
|
627
|
+
if streamed_result.trace:
|
|
628
|
+
streamed_result.trace.finish(reset_current=True)
|
|
628
629
|
|
|
629
630
|
@classmethod
|
|
630
631
|
async def _run_single_turn_streamed(
|
|
@@ -789,7 +790,7 @@ class Runner:
|
|
|
789
790
|
original_input: str | list[TResponseInputItem],
|
|
790
791
|
pre_step_items: list[RunItem],
|
|
791
792
|
new_response: ModelResponse,
|
|
792
|
-
output_schema:
|
|
793
|
+
output_schema: AgentOutputSchemaBase | None,
|
|
793
794
|
handoffs: list[Handoff],
|
|
794
795
|
hooks: RunHooks[TContext],
|
|
795
796
|
context_wrapper: RunContextWrapper[TContext],
|
|
@@ -900,7 +901,7 @@ class Runner:
|
|
|
900
901
|
agent: Agent[TContext],
|
|
901
902
|
system_prompt: str | None,
|
|
902
903
|
input: list[TResponseInputItem],
|
|
903
|
-
output_schema:
|
|
904
|
+
output_schema: AgentOutputSchemaBase | None,
|
|
904
905
|
all_tools: list[Tool],
|
|
905
906
|
handoffs: list[Handoff],
|
|
906
907
|
context_wrapper: RunContextWrapper[TContext],
|
|
@@ -930,9 +931,11 @@ class Runner:
|
|
|
930
931
|
return new_response
|
|
931
932
|
|
|
932
933
|
@classmethod
|
|
933
|
-
def _get_output_schema(cls, agent: Agent[Any]) ->
|
|
934
|
+
def _get_output_schema(cls, agent: Agent[Any]) -> AgentOutputSchemaBase | None:
|
|
934
935
|
if agent.output_type is None or agent.output_type is str:
|
|
935
936
|
return None
|
|
937
|
+
elif isinstance(agent.output_type, AgentOutputSchemaBase):
|
|
938
|
+
return agent.output_type
|
|
936
939
|
|
|
937
940
|
return AgentOutputSchema(agent.output_type)
|
|
938
941
|
|
agents/tracing/processors.py
CHANGED
|
@@ -102,6 +102,12 @@ class BackendSpanExporter(TracingExporter):
|
|
|
102
102
|
"OpenAI-Beta": "traces=v1",
|
|
103
103
|
}
|
|
104
104
|
|
|
105
|
+
if self.organization:
|
|
106
|
+
headers["OpenAI-Organization"] = self.organization
|
|
107
|
+
|
|
108
|
+
if self.project:
|
|
109
|
+
headers["OpenAI-Project"] = self.project
|
|
110
|
+
|
|
105
111
|
# Exponential backoff loop
|
|
106
112
|
attempt = 0
|
|
107
113
|
delay = self.base_delay
|
agents/tracing/span_data.py
CHANGED
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.4
|
|
2
2
|
Name: openai-agents
|
|
3
|
-
Version: 0.0.
|
|
3
|
+
Version: 0.0.13
|
|
4
4
|
Summary: OpenAI Agents SDK
|
|
5
5
|
Project-URL: Homepage, https://github.com/openai/openai-agents-python
|
|
6
6
|
Project-URL: Repository, https://github.com/openai/openai-agents-python
|
|
@@ -20,11 +20,13 @@ Classifier: Typing :: Typed
|
|
|
20
20
|
Requires-Python: >=3.9
|
|
21
21
|
Requires-Dist: griffe<2,>=1.5.6
|
|
22
22
|
Requires-Dist: mcp<2,>=1.6.0; python_version >= '3.10'
|
|
23
|
-
Requires-Dist: openai>=1.
|
|
23
|
+
Requires-Dist: openai>=1.76.0
|
|
24
24
|
Requires-Dist: pydantic<3,>=2.10
|
|
25
25
|
Requires-Dist: requests<3,>=2.0
|
|
26
26
|
Requires-Dist: types-requests<3,>=2.0
|
|
27
27
|
Requires-Dist: typing-extensions<5,>=4.12.2
|
|
28
|
+
Provides-Extra: litellm
|
|
29
|
+
Requires-Dist: litellm<2,>=1.65.0; extra == 'litellm'
|
|
28
30
|
Provides-Extra: viz
|
|
29
31
|
Requires-Dist: graphviz>=0.17; extra == 'viz'
|
|
30
32
|
Provides-Extra: voice
|
|
@@ -34,7 +36,7 @@ Description-Content-Type: text/markdown
|
|
|
34
36
|
|
|
35
37
|
# OpenAI Agents SDK
|
|
36
38
|
|
|
37
|
-
The OpenAI Agents SDK is a lightweight yet powerful framework for building multi-agent workflows.
|
|
39
|
+
The OpenAI Agents SDK is a lightweight yet powerful framework for building multi-agent workflows. It is provider-agnostic, supporting the OpenAI Responses and Chat Completions APIs, as well as 100+ other LLMs.
|
|
38
40
|
|
|
39
41
|
<img src="https://cdn.openai.com/API/docs/images/orchestration.png" alt="Image of the Agents Tracing UI" style="max-height: 803px;">
|
|
40
42
|
|
|
@@ -47,8 +49,6 @@ The OpenAI Agents SDK is a lightweight yet powerful framework for building multi
|
|
|
47
49
|
|
|
48
50
|
Explore the [examples](examples) directory to see the SDK in action, and read our [documentation](https://openai.github.io/openai-agents-python/) for more details.
|
|
49
51
|
|
|
50
|
-
Notably, our SDK [is compatible](https://openai.github.io/openai-agents-python/models/) with any model providers that support the OpenAI Chat Completions API format.
|
|
51
|
-
|
|
52
52
|
## Get started
|
|
53
53
|
|
|
54
54
|
1. Set up your Python environment
|
|
@@ -1,9 +1,9 @@
|
|
|
1
|
-
agents/__init__.py,sha256=
|
|
1
|
+
agents/__init__.py,sha256=T0Irpxfnd2SDSQ0aD5YvhwtAGTnzybnFb7qcvSsO5qY,6906
|
|
2
2
|
agents/_config.py,sha256=ANrM7GP2VSQehDkMc9qocxkUlPwqU-i5sieMJyEwxpM,796
|
|
3
3
|
agents/_debug.py,sha256=7OKys2lDjeCtGggTkM53m_8vw0WIr3yt-_JPBDAnsw0,608
|
|
4
|
-
agents/_run_impl.py,sha256=
|
|
5
|
-
agents/agent.py,sha256=
|
|
6
|
-
agents/agent_output.py,sha256=
|
|
4
|
+
agents/_run_impl.py,sha256=7gKaBEDwQs7DqlcC3hSbU1I04wisvClXE0c3pZ9sGEM,34167
|
|
5
|
+
agents/agent.py,sha256=aTC49v9sQJm0gv5a3hW8xCgtMhk2TfjycBP8JyeOJ84,10571
|
|
6
|
+
agents/agent_output.py,sha256=fEK1Yn0XfMrLXZRsBcSig-YDZZ0kZpCgATdwZ-eHYqQ,7127
|
|
7
7
|
agents/computer.py,sha256=XD44UgiUWSfniv-xKwwDP6wFKVwBiZkpaL1hO-0-7ZA,2516
|
|
8
8
|
agents/exceptions.py,sha256=F3AltRt27PGdhbFqKBhRJL9eHqoN4SQx7oxBn0GWmhs,1856
|
|
9
9
|
agents/function_schema.py,sha256=k4GTdxf5bvcisVr9b4xSdTGzkB5oP3XZnJMdouABCsw,12909
|
|
@@ -12,10 +12,10 @@ agents/handoffs.py,sha256=wRg-HBGKBZev88mOg_mfv6CR8T2kewZM8eX3tb71l1g,9043
|
|
|
12
12
|
agents/items.py,sha256=6Xnf6a2tIgM8Pz3T2Xr6J8wgok8fI-KhyKW1XdfHBJU,8306
|
|
13
13
|
agents/lifecycle.py,sha256=wYFG6PLSKQ7bICKVbB8oGtdoJNINGq9obh2RSKlAkDE,2938
|
|
14
14
|
agents/logger.py,sha256=p_ef7vWKpBev5FFybPJjhrCCQizK08Yy1A2EDO1SNNg,60
|
|
15
|
-
agents/model_settings.py,sha256=
|
|
15
|
+
agents/model_settings.py,sha256=7s9YjfHBVz1f1a-V3dd-8eMe-IAgfDXhQgChI27Kz00,3326
|
|
16
16
|
agents/py.typed,sha256=AbpHGcgLb-kRsJGnwFEktk7uzpZOCcBY74-YBdrKVGs,1
|
|
17
|
-
agents/result.py,sha256=
|
|
18
|
-
agents/run.py,sha256=
|
|
17
|
+
agents/result.py,sha256=WjRTfmM9UOEqcliUX_oUfpHjfzp9b7GuS34SgCngr9U,9258
|
|
18
|
+
agents/run.py,sha256=Fm1dHG9cuUuv17B7AXEEeskal5uxrkRy0CJrPbYE2k4,40121
|
|
19
19
|
agents/run_context.py,sha256=vuSUQM8O4CLensQY27-22fOqECnw7yvwL9U3WO8b_bk,851
|
|
20
20
|
agents/stream_events.py,sha256=ULgBEcL_H4vklZoxhpY2yomeoxVF0UiXvswsFsjFv4s,1547
|
|
21
21
|
agents/strict_schema.py,sha256=_KuEJkglmq-Fj3HSeYP4WqTvqrxbSKu6gezfz5Brhh0,5775
|
|
@@ -25,25 +25,32 @@ agents/version.py,sha256=_1knUwzSK-HUeZTpRUkk6Z-CIcurqXuEplbV5TLJ08E,230
|
|
|
25
25
|
agents/extensions/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
26
26
|
agents/extensions/handoff_filters.py,sha256=2cXxu1JROez96CpTiGuT9PIuaIrIE8ksP01fX83krKM,1977
|
|
27
27
|
agents/extensions/handoff_prompt.py,sha256=oGWN0uNh3Z1L7E-Ev2up8W084fFrDNOsLDy7P6bcmic,1006
|
|
28
|
-
agents/extensions/visualization.py,sha256=
|
|
28
|
+
agents/extensions/visualization.py,sha256=AQFC7kQlZqTI6QVkyDHrF_DodCytrrhcLg35nfRd_JA,4256
|
|
29
|
+
agents/extensions/models/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
30
|
+
agents/extensions/models/litellm_model.py,sha256=sqlUA4uS6jJExf05oY-ZdhlX_97ZX47Eg5zHmR0UkyI,13631
|
|
31
|
+
agents/extensions/models/litellm_provider.py,sha256=wTm00Anq8YoNb9AnyT0JOunDG-HCDm_98ORNy7aNJdw,928
|
|
29
32
|
agents/mcp/__init__.py,sha256=x-4ZFiXNyJPn9Nbwcai6neKgonyRJ7by67HxnOLPgrw,359
|
|
30
|
-
agents/mcp/server.py,sha256=
|
|
33
|
+
agents/mcp/server.py,sha256=vB3K2GREyrQv2ikRz2m4EtEY0nynQ5X-7sLbOH3s29E,12163
|
|
31
34
|
agents/mcp/util.py,sha256=dIEdYDMc7Sjp-DFQnvoc4VWU-B7Heyx0I41bcW7RlEg,5232
|
|
32
35
|
agents/models/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
33
36
|
agents/models/_openai_shared.py,sha256=4Ngwo2Fv2RXY61Pqck1cYPkSln2tDnb8Ai-ao4QG-iE,836
|
|
37
|
+
agents/models/chatcmpl_converter.py,sha256=C4EOZQDffCRDDRGT8XEobOHJoX7ONaiETDz2MeTviHg,18114
|
|
38
|
+
agents/models/chatcmpl_helpers.py,sha256=eIWySobaH7I0AQijAz5i-_rtsXrSvmEHD567s_8Zw1o,1318
|
|
39
|
+
agents/models/chatcmpl_stream_handler.py,sha256=VjskdeGnepn0iJbxsqNZrexcuAYAV1zd5hwt0lU8E7I,12452
|
|
34
40
|
agents/models/fake_id.py,sha256=lbXjUUSMeAQ8eFx4V5QLUnBClHE6adJlYYav55RlG5w,268
|
|
35
|
-
agents/models/interface.py,sha256=
|
|
36
|
-
agents/models/
|
|
41
|
+
agents/models/interface.py,sha256=eEpiIBn9MxsmXUK1HPpn3c7TYPduBYC7tsWnDHSYJHo,3553
|
|
42
|
+
agents/models/multi_provider.py,sha256=aiDbls5G4YomPfN6qH1pGlj41WS5jlDp2T82zm6qcnM,5578
|
|
43
|
+
agents/models/openai_chatcompletions.py,sha256=QiUOdd4gQ7f-uslm4SqRlv9bt3T1oFL87EnqVYlWw4A,10390
|
|
37
44
|
agents/models/openai_provider.py,sha256=NMxTNaoTa329GrA7jj51LC02pb_e2eFh-PCvWADJrkY,3478
|
|
38
|
-
agents/models/openai_responses.py,sha256
|
|
45
|
+
agents/models/openai_responses.py,sha256=-hwXW7gXYOs4EbVrFhsil-tWb63gtLj_vaGQ9HXf6nE,14331
|
|
39
46
|
agents/tracing/__init__.py,sha256=-hJeEiNvgyQdEXpFTrr_qu_XYREvIrF5KyePDtovSak,2804
|
|
40
47
|
agents/tracing/create.py,sha256=kkMf2pp5Te20YkiSvf3Xj3J9qMibQCjEAxZs1Lr_kTE,18124
|
|
41
48
|
agents/tracing/logger.py,sha256=J4KUDRSGa7x5UVfUwWe-gbKwoaq8AeETRqkPt3QvtGg,68
|
|
42
49
|
agents/tracing/processor_interface.py,sha256=wNyZCwNJko5CrUIWD_lMou5ppQ67CFYwvWRsJRM3up8,1659
|
|
43
|
-
agents/tracing/processors.py,sha256=
|
|
50
|
+
agents/tracing/processors.py,sha256=UVrP1UjhPoJKV-CDDVzxmw19miYK-W8T_-0sx40erZM,10259
|
|
44
51
|
agents/tracing/scope.py,sha256=u17_m8RPpGvbHrTkaO_kDi5ROBWhfOAIgBe7suiaRD4,1445
|
|
45
52
|
agents/tracing/setup.py,sha256=YnEDTaRG_b510vtsXbOaCUZ0nf7MOr1ULvOpQOHtdBs,6776
|
|
46
|
-
agents/tracing/span_data.py,sha256=
|
|
53
|
+
agents/tracing/span_data.py,sha256=nI2Fbu1ORE8ybE6m6RuddTJF5E5xFmEj8Mq5bSFv4bE,9017
|
|
47
54
|
agents/tracing/spans.py,sha256=6vVzocGMsdgIma1ksqkBZmhar91xj4RpgcpUC3iibqg,6606
|
|
48
55
|
agents/tracing/traces.py,sha256=G5LlECSK-DBRFP-bjT8maZjBQulz6SaHILYauUVlfq8,4775
|
|
49
56
|
agents/tracing/util.py,sha256=x5tAw2YBKggwQ8rH5NG8GiJrFOnPErlJPk7oicBO1dA,501
|
|
@@ -69,7 +76,7 @@ agents/voice/models/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSu
|
|
|
69
76
|
agents/voice/models/openai_model_provider.py,sha256=Khn0uT-VhsEbe7_OhBMGFQzXNwL80gcWZyTHl3CaBII,3587
|
|
70
77
|
agents/voice/models/openai_stt.py,sha256=rRsldkvkPhH4T0waX1dhccEqIwmPYh-teK_LRvBgiNI,16882
|
|
71
78
|
agents/voice/models/openai_tts.py,sha256=4KoLQuFDHKu5a1VTJlu9Nj3MHwMlrn9wfT_liJDJ2dw,1477
|
|
72
|
-
openai_agents-0.0.
|
|
73
|
-
openai_agents-0.0.
|
|
74
|
-
openai_agents-0.0.
|
|
75
|
-
openai_agents-0.0.
|
|
79
|
+
openai_agents-0.0.13.dist-info/METADATA,sha256=0b4sOGaK4JbQC-SId-Xn4WB_AmCRFCUHxymAJEdhYMU,8157
|
|
80
|
+
openai_agents-0.0.13.dist-info/WHEEL,sha256=qtCwoSJWgHk21S1Kb4ihdzI2rlJ1ZKaIurTj_ngOhyQ,87
|
|
81
|
+
openai_agents-0.0.13.dist-info/licenses/LICENSE,sha256=E994EspT7Krhy0qGiES7WYNzBHrh1YDk3r--8d1baRU,1063
|
|
82
|
+
openai_agents-0.0.13.dist-info/RECORD,,
|
|
File without changes
|
|
File without changes
|