mirror of
https://github.com/crewAIInc/crewAI.git
synced 2026-01-09 08:08:32 +00:00
chore: merge main into release/v1.0.0
Resolved merge conflicts: - agent.py: kept main's docker validation, restored get_platform_tools method, fixed KnowledgeRetrievalStartedEvent position - agent_utils.py: merged both LLM and LiteAgent imports - test_cache_hitting.yaml: accepted main's test recordings - Removed 4 deprecated test cassettes from old tests/ directory Key changes from main: - Enhanced knowledge event handling with from_agent/from_task parameters - Updated LLMMessage typing in kickoff methods - Added guardrail parameter to async kickoff - Restored runtime validation in guardrail.py
This commit is contained in:
@@ -5,7 +5,6 @@ from collections.abc import Callable, Sequence
|
||||
from typing import (
|
||||
Any,
|
||||
Literal,
|
||||
cast,
|
||||
)
|
||||
|
||||
from pydantic import Field, InstanceOf, PrivateAttr, model_validator
|
||||
@@ -54,6 +53,7 @@ from crewai.utilities.converter import generate_model_description
|
||||
from crewai.utilities.llm_utils import create_llm
|
||||
from crewai.utilities.token_counter_callback import TokenCalcHandler
|
||||
from crewai.utilities.training_handler import CrewTrainingHandler
|
||||
from crewai.utilities.types import LLMMessage
|
||||
|
||||
|
||||
class Agent(BaseAgent):
|
||||
@@ -348,12 +348,13 @@ class Agent(BaseAgent):
|
||||
crewai_event_bus.emit(
|
||||
self,
|
||||
event=KnowledgeRetrievalStartedEvent(
|
||||
agent=self,
|
||||
from_task=task,
|
||||
from_agent=self,
|
||||
),
|
||||
)
|
||||
try:
|
||||
self.knowledge_search_query = self._get_knowledge_search_query(
|
||||
task_prompt
|
||||
task_prompt, task
|
||||
)
|
||||
if self.knowledge_search_query:
|
||||
# Quering agent specific knowledge
|
||||
@@ -383,7 +384,8 @@ class Agent(BaseAgent):
|
||||
self,
|
||||
event=KnowledgeRetrievalCompletedEvent(
|
||||
query=self.knowledge_search_query,
|
||||
agent=self,
|
||||
from_task=task,
|
||||
from_agent=self,
|
||||
retrieved_knowledge=(
|
||||
(self.agent_knowledge_context or "")
|
||||
+ (
|
||||
@@ -401,8 +403,9 @@ class Agent(BaseAgent):
|
||||
self,
|
||||
event=KnowledgeSearchQueryFailedEvent(
|
||||
query=self.knowledge_search_query or "",
|
||||
agent=self,
|
||||
error=str(e),
|
||||
from_task=task,
|
||||
from_agent=self,
|
||||
),
|
||||
)
|
||||
|
||||
@@ -577,7 +580,7 @@ class Agent(BaseAgent):
|
||||
agent=self,
|
||||
crew=self.crew,
|
||||
tools=parsed_tools,
|
||||
prompt=cast(dict[str, str], prompt),
|
||||
prompt=prompt, # type: ignore[arg-type]
|
||||
original_tools=raw_tools,
|
||||
stop_words=stop_words,
|
||||
max_iter=self.max_iter,
|
||||
@@ -744,13 +747,14 @@ class Agent(BaseAgent):
|
||||
def set_fingerprint(self, fingerprint: Fingerprint):
|
||||
self.security_config.fingerprint = fingerprint
|
||||
|
||||
def _get_knowledge_search_query(self, task_prompt: str) -> str | None:
|
||||
def _get_knowledge_search_query(self, task_prompt: str, task: Task) -> str | None:
|
||||
"""Generate a search query for the knowledge base based on the task description."""
|
||||
crewai_event_bus.emit(
|
||||
self,
|
||||
event=KnowledgeQueryStartedEvent(
|
||||
task_prompt=task_prompt,
|
||||
agent=self,
|
||||
from_task=task,
|
||||
from_agent=self,
|
||||
),
|
||||
)
|
||||
query = self.i18n.slice("knowledge_search_query").format(
|
||||
@@ -765,8 +769,9 @@ class Agent(BaseAgent):
|
||||
crewai_event_bus.emit(
|
||||
self,
|
||||
event=KnowledgeQueryFailedEvent(
|
||||
agent=self,
|
||||
error="LLM is not compatible with knowledge search queries",
|
||||
from_task=task,
|
||||
from_agent=self,
|
||||
),
|
||||
)
|
||||
return None
|
||||
@@ -785,7 +790,8 @@ class Agent(BaseAgent):
|
||||
self,
|
||||
event=KnowledgeQueryCompletedEvent(
|
||||
query=query,
|
||||
agent=self,
|
||||
from_task=task,
|
||||
from_agent=self,
|
||||
),
|
||||
)
|
||||
return rewritten_query
|
||||
@@ -793,15 +799,16 @@ class Agent(BaseAgent):
|
||||
crewai_event_bus.emit(
|
||||
self,
|
||||
event=KnowledgeQueryFailedEvent(
|
||||
agent=self,
|
||||
error=str(e),
|
||||
from_task=task,
|
||||
from_agent=self,
|
||||
),
|
||||
)
|
||||
return None
|
||||
|
||||
def kickoff(
|
||||
self,
|
||||
messages: str | list[dict[str, str]],
|
||||
messages: str | list[LLMMessage],
|
||||
response_format: type[Any] | None = None,
|
||||
) -> LiteAgentOutput:
|
||||
"""
|
||||
@@ -841,7 +848,7 @@ class Agent(BaseAgent):
|
||||
|
||||
async def kickoff_async(
|
||||
self,
|
||||
messages: str | list[dict[str, str]],
|
||||
messages: str | list[LLMMessage],
|
||||
response_format: type[Any] | None = None,
|
||||
) -> LiteAgentOutput:
|
||||
"""
|
||||
@@ -871,6 +878,7 @@ class Agent(BaseAgent):
|
||||
response_format=response_format,
|
||||
i18n=self.i18n,
|
||||
original_agent=self,
|
||||
guardrail=self.guardrail,
|
||||
)
|
||||
|
||||
return await lite_agent.kickoff_async(messages)
|
||||
|
||||
@@ -32,6 +32,13 @@ from crewai.events.types.flow_events import (
|
||||
MethodExecutionFinishedEvent,
|
||||
MethodExecutionStartedEvent,
|
||||
)
|
||||
from crewai.events.types.knowledge_events import (
|
||||
KnowledgeQueryCompletedEvent,
|
||||
KnowledgeQueryFailedEvent,
|
||||
KnowledgeQueryStartedEvent,
|
||||
KnowledgeRetrievalCompletedEvent,
|
||||
KnowledgeRetrievalStartedEvent,
|
||||
)
|
||||
from crewai.events.types.llm_events import (
|
||||
LLMCallCompletedEvent,
|
||||
LLMCallFailedEvent,
|
||||
@@ -310,6 +317,26 @@ class TraceCollectionListener(BaseEventListener):
|
||||
def on_agent_reasoning_failed(source, event):
|
||||
self._handle_action_event("agent_reasoning_failed", source, event)
|
||||
|
||||
@event_bus.on(KnowledgeRetrievalStartedEvent)
|
||||
def on_knowledge_retrieval_started(source, event):
|
||||
self._handle_action_event("knowledge_retrieval_started", source, event)
|
||||
|
||||
@event_bus.on(KnowledgeRetrievalCompletedEvent)
|
||||
def on_knowledge_retrieval_completed(source, event):
|
||||
self._handle_action_event("knowledge_retrieval_completed", source, event)
|
||||
|
||||
@event_bus.on(KnowledgeQueryStartedEvent)
|
||||
def on_knowledge_query_started(source, event):
|
||||
self._handle_action_event("knowledge_query_started", source, event)
|
||||
|
||||
@event_bus.on(KnowledgeQueryCompletedEvent)
|
||||
def on_knowledge_query_completed(source, event):
|
||||
self._handle_action_event("knowledge_query_completed", source, event)
|
||||
|
||||
@event_bus.on(KnowledgeQueryFailedEvent)
|
||||
def on_knowledge_query_failed(source, event):
|
||||
self._handle_action_event("knowledge_query_failed", source, event)
|
||||
|
||||
def _initialize_crew_batch(self, source: Any, event: Any):
|
||||
"""Initialize trace batch"""
|
||||
user_context = self._get_user_context()
|
||||
|
||||
@@ -1,51 +1,60 @@
|
||||
from crewai.agents.agent_builder.base_agent import BaseAgent
|
||||
from typing import Any
|
||||
|
||||
from crewai.events.base_events import BaseEvent
|
||||
|
||||
|
||||
class KnowledgeRetrievalStartedEvent(BaseEvent):
|
||||
class KnowledgeEventBase(BaseEvent):
|
||||
task_id: str | None = None
|
||||
task_name: str | None = None
|
||||
from_task: Any | None = None
|
||||
from_agent: Any | None = None
|
||||
agent_role: str | None = None
|
||||
agent_id: str | None = None
|
||||
|
||||
def __init__(self, **data):
|
||||
super().__init__(**data)
|
||||
self._set_agent_params(data)
|
||||
self._set_task_params(data)
|
||||
|
||||
|
||||
class KnowledgeRetrievalStartedEvent(KnowledgeEventBase):
|
||||
"""Event emitted when a knowledge retrieval is started."""
|
||||
|
||||
type: str = "knowledge_search_query_started"
|
||||
agent: BaseAgent
|
||||
|
||||
|
||||
class KnowledgeRetrievalCompletedEvent(BaseEvent):
|
||||
class KnowledgeRetrievalCompletedEvent(KnowledgeEventBase):
|
||||
"""Event emitted when a knowledge retrieval is completed."""
|
||||
|
||||
query: str
|
||||
type: str = "knowledge_search_query_completed"
|
||||
agent: BaseAgent
|
||||
retrieved_knowledge: str
|
||||
|
||||
|
||||
class KnowledgeQueryStartedEvent(BaseEvent):
|
||||
class KnowledgeQueryStartedEvent(KnowledgeEventBase):
|
||||
"""Event emitted when a knowledge query is started."""
|
||||
|
||||
task_prompt: str
|
||||
type: str = "knowledge_query_started"
|
||||
agent: BaseAgent
|
||||
|
||||
|
||||
class KnowledgeQueryFailedEvent(BaseEvent):
|
||||
class KnowledgeQueryFailedEvent(KnowledgeEventBase):
|
||||
"""Event emitted when a knowledge query fails."""
|
||||
|
||||
type: str = "knowledge_query_failed"
|
||||
agent: BaseAgent
|
||||
error: str
|
||||
|
||||
|
||||
class KnowledgeQueryCompletedEvent(BaseEvent):
|
||||
class KnowledgeQueryCompletedEvent(KnowledgeEventBase):
|
||||
"""Event emitted when a knowledge query is completed."""
|
||||
|
||||
query: str
|
||||
type: str = "knowledge_query_completed"
|
||||
agent: BaseAgent
|
||||
|
||||
|
||||
class KnowledgeSearchQueryFailedEvent(BaseEvent):
|
||||
class KnowledgeSearchQueryFailedEvent(KnowledgeEventBase):
|
||||
"""Event emitted when a knowledge search query fails."""
|
||||
|
||||
query: str
|
||||
type: str = "knowledge_search_query_failed"
|
||||
agent: BaseAgent
|
||||
error: str
|
||||
|
||||
@@ -5,7 +5,21 @@ from typing import Any
|
||||
from crewai.events.base_events import BaseEvent
|
||||
|
||||
|
||||
class LLMGuardrailStartedEvent(BaseEvent):
|
||||
class LLMGuardrailBaseEvent(BaseEvent):
|
||||
task_id: str | None = None
|
||||
task_name: str | None = None
|
||||
from_task: Any | None = None
|
||||
from_agent: Any | None = None
|
||||
agent_role: str | None = None
|
||||
agent_id: str | None = None
|
||||
|
||||
def __init__(self, **data):
|
||||
super().__init__(**data)
|
||||
self._set_agent_params(data)
|
||||
self._set_task_params(data)
|
||||
|
||||
|
||||
class LLMGuardrailStartedEvent(LLMGuardrailBaseEvent):
|
||||
"""Event emitted when a guardrail task starts
|
||||
|
||||
Attributes:
|
||||
@@ -29,7 +43,7 @@ class LLMGuardrailStartedEvent(BaseEvent):
|
||||
self.guardrail = getsource(self.guardrail).strip()
|
||||
|
||||
|
||||
class LLMGuardrailCompletedEvent(BaseEvent):
|
||||
class LLMGuardrailCompletedEvent(LLMGuardrailBaseEvent):
|
||||
"""Event emitted when a guardrail task completes
|
||||
|
||||
Attributes:
|
||||
@@ -44,3 +58,16 @@ class LLMGuardrailCompletedEvent(BaseEvent):
|
||||
result: Any
|
||||
error: str | None = None
|
||||
retry_count: int
|
||||
|
||||
|
||||
class LLMGuardrailFailedEvent(LLMGuardrailBaseEvent):
|
||||
"""Event emitted when a guardrail task fails
|
||||
|
||||
Attributes:
|
||||
error: The error message
|
||||
retry_count: The number of times the guardrail has been retried
|
||||
"""
|
||||
|
||||
type: str = "llm_guardrail_failed"
|
||||
error: str
|
||||
retry_count: int
|
||||
|
||||
@@ -1377,7 +1377,7 @@ class ConsoleFormatter:
|
||||
if isinstance(formatted_answer, AgentAction):
|
||||
thought = re.sub(r"\n+", "\n", formatted_answer.thought)
|
||||
formatted_json = json.dumps(
|
||||
formatted_answer.tool_input,
|
||||
json.loads(formatted_answer.tool_input),
|
||||
indent=2,
|
||||
ensure_ascii=False,
|
||||
)
|
||||
|
||||
@@ -3,6 +3,7 @@ from collections.abc import Callable
|
||||
import inspect
|
||||
from typing import (
|
||||
Any,
|
||||
Literal,
|
||||
cast,
|
||||
get_args,
|
||||
get_origin,
|
||||
@@ -62,6 +63,7 @@ from crewai.utilities.llm_utils import create_llm
|
||||
from crewai.utilities.printer import Printer
|
||||
from crewai.utilities.token_counter_callback import TokenCalcHandler
|
||||
from crewai.utilities.tool_utils import execute_tool_and_check_finality
|
||||
from crewai.utilities.types import LLMMessage
|
||||
|
||||
|
||||
class LiteAgentOutput(BaseModel):
|
||||
@@ -180,7 +182,7 @@ class LiteAgent(FlowTrackable, BaseModel):
|
||||
_token_process: TokenProcess = PrivateAttr(default_factory=TokenProcess)
|
||||
_cache_handler: CacheHandler = PrivateAttr(default_factory=CacheHandler)
|
||||
_key: str = PrivateAttr(default_factory=lambda: str(uuid.uuid4()))
|
||||
_messages: list[dict[str, str]] = PrivateAttr(default_factory=list)
|
||||
_messages: list[LLMMessage] = PrivateAttr(default_factory=list)
|
||||
_iterations: int = PrivateAttr(default=0)
|
||||
_printer: Printer = PrivateAttr(default_factory=Printer)
|
||||
_guardrail: Callable | None = PrivateAttr(default=None)
|
||||
@@ -219,7 +221,6 @@ class LiteAgent(FlowTrackable, BaseModel):
|
||||
raise TypeError(
|
||||
f"Guardrail requires LLM instance of type BaseLLM, got {type(self.llm).__name__}"
|
||||
)
|
||||
|
||||
self._guardrail = LLMGuardrail(description=self.guardrail, llm=self.llm)
|
||||
|
||||
return self
|
||||
@@ -276,7 +277,7 @@ class LiteAgent(FlowTrackable, BaseModel):
|
||||
"""Return the original role for compatibility with tool interfaces."""
|
||||
return self.role
|
||||
|
||||
def kickoff(self, messages: str | list[dict[str, str]]) -> LiteAgentOutput:
|
||||
def kickoff(self, messages: str | list[LLMMessage]) -> LiteAgentOutput:
|
||||
"""
|
||||
Execute the agent with the given messages.
|
||||
|
||||
@@ -371,6 +372,7 @@ class LiteAgent(FlowTrackable, BaseModel):
|
||||
guardrail=self._guardrail,
|
||||
retry_count=self._guardrail_retry_count,
|
||||
event_source=self,
|
||||
from_agent=self,
|
||||
)
|
||||
|
||||
if not guardrail_result.success:
|
||||
@@ -420,9 +422,7 @@ class LiteAgent(FlowTrackable, BaseModel):
|
||||
|
||||
return output
|
||||
|
||||
async def kickoff_async(
|
||||
self, messages: str | list[dict[str, str]]
|
||||
) -> LiteAgentOutput:
|
||||
async def kickoff_async(self, messages: str | list[LLMMessage]) -> LiteAgentOutput:
|
||||
"""
|
||||
Execute the agent asynchronously with the given messages.
|
||||
|
||||
@@ -467,9 +467,7 @@ class LiteAgent(FlowTrackable, BaseModel):
|
||||
|
||||
return base_prompt
|
||||
|
||||
def _format_messages(
|
||||
self, messages: str | list[dict[str, str]]
|
||||
) -> list[dict[str, str]]:
|
||||
def _format_messages(self, messages: str | list[LLMMessage]) -> list[LLMMessage]:
|
||||
"""Format messages for the LLM."""
|
||||
if isinstance(messages, str):
|
||||
messages = [{"role": "user", "content": messages}]
|
||||
@@ -477,7 +475,9 @@ class LiteAgent(FlowTrackable, BaseModel):
|
||||
system_prompt = self._get_default_system_prompt()
|
||||
|
||||
# Add system message at the beginning
|
||||
formatted_messages = [{"role": "system", "content": system_prompt}]
|
||||
formatted_messages: list[LLMMessage] = [
|
||||
{"role": "system", "content": system_prompt}
|
||||
]
|
||||
|
||||
# Add the rest of the messages
|
||||
formatted_messages.extend(messages)
|
||||
@@ -589,6 +589,8 @@ class LiteAgent(FlowTrackable, BaseModel):
|
||||
),
|
||||
)
|
||||
|
||||
def _append_message(self, text: str, role: str = "assistant") -> None:
|
||||
def _append_message(
|
||||
self, text: str, role: Literal["user", "assistant", "system"] = "assistant"
|
||||
) -> None:
|
||||
"""Append a message to the message list with the given role."""
|
||||
self._messages.append(format_message_for_llm(text, role=role))
|
||||
self._messages.append(cast(LLMMessage, format_message_for_llm(text, role=role)))
|
||||
|
||||
@@ -462,6 +462,8 @@ class Task(BaseModel):
|
||||
guardrail=self._guardrail,
|
||||
retry_count=self.retry_count,
|
||||
event_source=self,
|
||||
from_task=self,
|
||||
from_agent=agent,
|
||||
)
|
||||
if not guardrail_result.success:
|
||||
if self.retry_count >= self.guardrail_max_retries:
|
||||
|
||||
@@ -31,6 +31,7 @@ from crewai.utilities.types import LLMMessage
|
||||
|
||||
if TYPE_CHECKING:
|
||||
from crewai.agent import Agent
|
||||
from crewai.lite_agent import LiteAgent
|
||||
from crewai.llm import LLM
|
||||
from crewai.task import Task
|
||||
|
||||
@@ -224,7 +225,7 @@ def get_llm_response(
|
||||
callbacks: list[Callable[..., Any]],
|
||||
printer: Printer,
|
||||
from_task: Task | None = None,
|
||||
from_agent: Agent | None = None,
|
||||
from_agent: Agent | LiteAgent | None = None,
|
||||
) -> str:
|
||||
"""Call the LLM and return the response, handling any invalid responses.
|
||||
|
||||
|
||||
@@ -14,6 +14,7 @@ from crewai.utilities.pydantic_schema_parser import PydanticSchemaParser
|
||||
|
||||
if TYPE_CHECKING:
|
||||
from crewai.agent import Agent
|
||||
from crewai.agents.agent_builder.base_agent import BaseAgent
|
||||
from crewai.llm import LLM
|
||||
from crewai.llms.base_llm import BaseLLM
|
||||
|
||||
@@ -143,7 +144,7 @@ def convert_to_model(
|
||||
result: str,
|
||||
output_pydantic: type[BaseModel] | None,
|
||||
output_json: type[BaseModel] | None,
|
||||
agent: Agent | None = None,
|
||||
agent: Agent | BaseAgent | None = None,
|
||||
converter_cls: type[Converter] | None = None,
|
||||
) -> dict[str, Any] | BaseModel | str:
|
||||
"""Convert a result string to a Pydantic model or JSON.
|
||||
@@ -215,7 +216,7 @@ def handle_partial_json(
|
||||
result: str,
|
||||
model: type[BaseModel],
|
||||
is_json_output: bool,
|
||||
agent: Agent | None,
|
||||
agent: Agent | BaseAgent | None,
|
||||
converter_cls: type[Converter] | None = None,
|
||||
) -> dict[str, Any] | BaseModel | str:
|
||||
"""Handle partial JSON in a result string and convert to Pydantic model or dict.
|
||||
@@ -260,7 +261,7 @@ def convert_with_instructions(
|
||||
result: str,
|
||||
model: type[BaseModel],
|
||||
is_json_output: bool,
|
||||
agent: Agent | None,
|
||||
agent: Agent | BaseAgent | None,
|
||||
converter_cls: type[Converter] | None = None,
|
||||
) -> dict | BaseModel | str:
|
||||
"""Convert a result string to a Pydantic model or JSON using instructions.
|
||||
@@ -283,7 +284,12 @@ def convert_with_instructions(
|
||||
"""
|
||||
if agent is None:
|
||||
raise TypeError("Agent must be provided if converter_cls is not specified.")
|
||||
llm = agent.function_calling_llm or agent.llm
|
||||
|
||||
llm = getattr(agent, "function_calling_llm", None) or agent.llm
|
||||
|
||||
if llm is None:
|
||||
raise ValueError("Agent must have a valid LLM instance for conversion")
|
||||
|
||||
instructions = get_conversion_instructions(model=model, llm=llm)
|
||||
converter = create_converter(
|
||||
agent=agent,
|
||||
@@ -299,7 +305,7 @@ def convert_with_instructions(
|
||||
|
||||
if isinstance(exported_result, ConverterError):
|
||||
Printer().print(
|
||||
content=f"{exported_result.message} Using raw output instead.",
|
||||
content=f"Failed to convert result to model: {exported_result}",
|
||||
color="red",
|
||||
)
|
||||
return result
|
||||
@@ -308,7 +314,7 @@ def convert_with_instructions(
|
||||
|
||||
|
||||
def get_conversion_instructions(
|
||||
model: type[BaseModel], llm: BaseLLM | LLM | str
|
||||
model: type[BaseModel], llm: BaseLLM | LLM | str | Any
|
||||
) -> str:
|
||||
"""Generate conversion instructions based on the model and LLM capabilities.
|
||||
|
||||
@@ -357,7 +363,7 @@ class CreateConverterKwargs(TypedDict, total=False):
|
||||
|
||||
|
||||
def create_converter(
|
||||
agent: Agent | None = None,
|
||||
agent: Agent | BaseAgent | None = None,
|
||||
converter_cls: type[Converter] | None = None,
|
||||
*args: Any,
|
||||
**kwargs: Unpack[CreateConverterKwargs],
|
||||
|
||||
@@ -7,7 +7,9 @@ from pydantic import BaseModel, Field, field_validator
|
||||
from typing_extensions import Self
|
||||
|
||||
if TYPE_CHECKING:
|
||||
from crewai.lite_agent import LiteAgentOutput
|
||||
from crewai.agents.agent_builder.base_agent import BaseAgent
|
||||
from crewai.lite_agent import LiteAgent, LiteAgentOutput
|
||||
from crewai.task import Task
|
||||
from crewai.tasks.task_output import TaskOutput
|
||||
|
||||
|
||||
@@ -79,6 +81,8 @@ def process_guardrail(
|
||||
guardrail: Callable[[Any], tuple[bool, Any | str]],
|
||||
retry_count: int,
|
||||
event_source: Any | None = None,
|
||||
from_agent: BaseAgent | LiteAgent | None = None,
|
||||
from_task: Task | None = None,
|
||||
) -> GuardrailResult:
|
||||
"""Process the guardrail for the agent output.
|
||||
|
||||
@@ -111,7 +115,12 @@ def process_guardrail(
|
||||
|
||||
crewai_event_bus.emit(
|
||||
event_source,
|
||||
LLMGuardrailStartedEvent(guardrail=guardrail, retry_count=retry_count),
|
||||
LLMGuardrailStartedEvent(
|
||||
guardrail=guardrail,
|
||||
retry_count=retry_count,
|
||||
from_agent=from_agent,
|
||||
from_task=from_task,
|
||||
),
|
||||
)
|
||||
|
||||
result = guardrail(output)
|
||||
@@ -124,6 +133,8 @@ def process_guardrail(
|
||||
result=guardrail_result.result,
|
||||
error=guardrail_result.error,
|
||||
retry_count=retry_count,
|
||||
from_agent=from_agent,
|
||||
from_task=from_task,
|
||||
),
|
||||
)
|
||||
|
||||
|
||||
@@ -12,6 +12,7 @@ from crewai.utilities.i18n import I18N
|
||||
|
||||
if TYPE_CHECKING:
|
||||
from crewai.agent import Agent
|
||||
from crewai.agents.agent_builder.base_agent import BaseAgent
|
||||
from crewai.llm import LLM
|
||||
from crewai.llms.base_llm import BaseLLM
|
||||
from crewai.task import Task
|
||||
@@ -25,7 +26,7 @@ def execute_tool_and_check_finality(
|
||||
agent_role: str | None = None,
|
||||
tools_handler: ToolsHandler | None = None,
|
||||
task: Task | None = None,
|
||||
agent: Agent | None = None,
|
||||
agent: Agent | BaseAgent | None = None,
|
||||
function_calling_llm: BaseLLM | LLM | None = None,
|
||||
fingerprint_context: dict[str, str] | None = None,
|
||||
) -> ToolResult:
|
||||
|
||||
@@ -2319,10 +2319,10 @@ def test_get_knowledge_search_query():
|
||||
crew = Crew(agents=[agent], tasks=[task])
|
||||
crew.kickoff()
|
||||
|
||||
mock_get_query.assert_called_once_with(task_prompt)
|
||||
mock_get_query.assert_called_once_with(task_prompt, task)
|
||||
|
||||
with patch.object(agent.llm, "call") as mock_llm_call:
|
||||
agent._get_knowledge_search_query(task_prompt)
|
||||
agent._get_knowledge_search_query(task_prompt, task)
|
||||
|
||||
mock_llm_call.assert_called_once_with(
|
||||
[
|
||||
|
||||
@@ -237,4 +237,94 @@ interactions:
|
||||
- req_cdc7b25a3877bb9a7cb7c6d2645ff447
|
||||
http_version: HTTP/1.1
|
||||
status_code: 200
|
||||
- request:
|
||||
body: '{"trace_id": "1581aff1-2567-43f4-a1f2-a2816533eb7d", "execution_type":
|
||||
"crew", "user_identifier": null, "execution_context": {"crew_fingerprint": null,
|
||||
"crew_name": "Unknown Crew", "flow_name": null, "crewai_version": "0.201.1",
|
||||
"privacy_level": "standard"}, "execution_metadata": {"expected_duration_estimate":
|
||||
300, "agent_count": 0, "task_count": 0, "flow_method_count": 0, "execution_started_at":
|
||||
"2025-10-08T18:11:28.008595+00:00"}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '436'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"30844ebe-8ac6-4f67-939a-7a072d792654","trace_id":"1581aff1-2567-43f4-a1f2-a2816533eb7d","execution_type":"crew","crew_name":"Unknown
|
||||
Crew","flow_name":null,"status":"running","duration_ms":null,"crewai_version":"0.201.1","privacy_level":"standard","total_events":0,"execution_context":{"crew_fingerprint":null,"crew_name":"Unknown
|
||||
Crew","flow_name":null,"crewai_version":"0.201.1","privacy_level":"standard"},"created_at":"2025-10-08T18:11:28.353Z","updated_at":"2025-10-08T18:11:28.353Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '496'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"a548892c6a8a52833595a42b35b10009"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.05, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.12, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=30.46, instantiation.active_record;dur=0.38, feature_operation.flipper;dur=0.03,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=16.78,
|
||||
process_action.action_controller;dur=309.67
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 7ec132be-e871-4b0a-93f7-81f8d7c0ccae
|
||||
x-runtime:
|
||||
- '0.358533'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 201
|
||||
message: Created
|
||||
version: 1
|
||||
|
||||
@@ -1021,17 +1021,17 @@ interactions:
|
||||
http_version: HTTP/1.1
|
||||
status_code: 200
|
||||
- request:
|
||||
body: '{"trace_id": "536873bc-0594-4704-8cb8-b472646588d7", "execution_type":
|
||||
body: '{"trace_id": "6aa59ffd-5c0f-4f55-ad5c-97bb5d893ed1", "execution_type":
|
||||
"crew", "user_identifier": null, "execution_context": {"crew_fingerprint": null,
|
||||
"crew_name": "Unknown Crew", "flow_name": null, "crewai_version": "0.193.2",
|
||||
"crew_name": "Unknown Crew", "flow_name": null, "crewai_version": "0.201.1",
|
||||
"privacy_level": "standard"}, "execution_metadata": {"expected_duration_estimate":
|
||||
300, "agent_count": 0, "task_count": 0, "flow_method_count": 0, "execution_started_at":
|
||||
"2025-09-23T17:28:26.633211+00:00"}}'
|
||||
"2025-10-08T18:16:45.561840+00:00"}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
@@ -1039,42 +1039,60 @@ interactions:
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.193.2
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.193.2
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches
|
||||
response:
|
||||
body:
|
||||
string: '{"error":"bad_credentials","message":"Bad credentials"}'
|
||||
string: '{"id":"9d9c5be4-2612-4721-b7d4-df616fb7dc65","trace_id":"6aa59ffd-5c0f-4f55-ad5c-97bb5d893ed1","execution_type":"crew","crew_name":"Unknown
|
||||
Crew","flow_name":null,"status":"running","duration_ms":null,"crewai_version":"0.201.1","privacy_level":"standard","total_events":0,"execution_context":{"crew_fingerprint":null,"crew_name":"Unknown
|
||||
Crew","flow_name":null,"crewai_version":"0.201.1","privacy_level":"standard"},"created_at":"2025-10-08T18:16:45.966Z","updated_at":"2025-10-08T18:16:45.966Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '55'
|
||||
- '496'
|
||||
cache-control:
|
||||
- no-cache
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://share.descript.com/; style-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts; img-src ''self''
|
||||
data: *.crewai.com crewai.com https://zeus.tools.crewai.com https://dashboard.tools.crewai.com
|
||||
https://cdn.jsdelivr.net; font-src ''self'' data: *.crewai.com crewai.com;
|
||||
connect-src ''self'' *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://connect.useparagon.com/ https://zeus.useparagon.com/* https://*.useparagon.com/*
|
||||
https://run.pstmn.io https://connect.tools.crewai.com/ ws://localhost:3036
|
||||
wss://localhost:3036; frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://www.youtube.com https://share.descript.com'
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"fabe87dad5d5b75ee1a722775d110c28"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=1.37, sql.active_record;dur=84.33, cache_generate.active_support;dur=79.11,
|
||||
cache_write.active_support;dur=0.37, cache_read_multi.active_support;dur=0.72,
|
||||
start_processing.action_controller;dur=0.01, process_action.action_controller;dur=3.98
|
||||
- cache_read.active_support;dur=0.06, sql.active_record;dur=20.50, cache_generate.active_support;dur=2.72,
|
||||
cache_write.active_support;dur=0.16, cache_read_multi.active_support;dur=0.12,
|
||||
start_processing.action_controller;dur=0.00, instantiation.active_record;dur=0.34,
|
||||
feature_operation.flipper;dur=0.05, start_transaction.active_record;dur=0.01,
|
||||
transaction.active_record;dur=10.38, process_action.action_controller;dur=357.12
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
@@ -1084,12 +1102,12 @@ interactions:
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 9f97e8a2-2b71-443a-9097-ba9f2da1d11d
|
||||
- 7acd0c51-080b-40ac-90df-b74125aaaa95
|
||||
x-runtime:
|
||||
- '0.211463'
|
||||
- '0.409345'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 401
|
||||
message: Unauthorized
|
||||
code: 201
|
||||
message: Created
|
||||
version: 1
|
||||
|
||||
@@ -607,4 +607,654 @@ interactions:
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"trace_id": "be6be8ca-f4e4-44f1-9ac5-a28ab976b1a5", "execution_type":
|
||||
"crew", "user_identifier": null, "execution_context": {"crew_fingerprint": null,
|
||||
"crew_name": "crew", "flow_name": null, "crewai_version": "0.201.1", "privacy_level":
|
||||
"standard"}, "execution_metadata": {"expected_duration_estimate": 300, "agent_count":
|
||||
0, "task_count": 0, "flow_method_count": 0, "execution_started_at": "2025-10-08T18:18:09.548632+00:00"}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '428'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"75171e87-f189-49fe-a59f-01306ea262c7","trace_id":"be6be8ca-f4e4-44f1-9ac5-a28ab976b1a5","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"running","duration_ms":null,"crewai_version":"0.201.1","privacy_level":"standard","total_events":0,"execution_context":{"crew_fingerprint":null,"crew_name":"crew","flow_name":null,"crewai_version":"0.201.1","privacy_level":"standard"},"created_at":"2025-10-08T18:18:09.870Z","updated_at":"2025-10-08T18:18:09.870Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '480'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"2a4b9bd1c0d5e221c9300487fef6ca7c"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.05, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.12, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=10.20, instantiation.active_record;dur=0.39, feature_operation.flipper;dur=0.05,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=9.99,
|
||||
process_action.action_controller;dur=280.27
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 76e62b7b-1a83-4c14-9cd7-32e12c964853
|
||||
x-runtime:
|
||||
- '0.327578'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 201
|
||||
message: Created
|
||||
- request:
|
||||
body: '{"events": [{"event_id": "af21ca34-1bf9-43bb-bb2f-6ed4ec4b1731", "timestamp":
|
||||
"2025-10-08T18:18:09.880380+00:00", "type": "crew_kickoff_started", "event_data":
|
||||
{"timestamp": "2025-10-08T18:18:09.547458+00:00", "type": "crew_kickoff_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "inputs": null}}, {"event_id": "336951e8-e15f-46a2-a073-bd1d5d9c7dc0",
|
||||
"timestamp": "2025-10-08T18:18:09.882849+00:00", "type": "task_started", "event_data":
|
||||
{"task_description": "Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''", "expected_output": "The
|
||||
score of the title.", "task_name": "Give me an integer score between 1-5 for
|
||||
the following title: ''The impact of AI in the future of work''", "context":
|
||||
"", "agent_role": "Manager", "task_id": "6b4c0d0e-1758-4dff-ac12-8464b155edb3"}},
|
||||
{"event_id": "b2737882-18f6-432f-afc6-fb709817223d", "timestamp": "2025-10-08T18:18:09.883466+00:00",
|
||||
"type": "agent_execution_started", "event_data": {"agent_role": "Manager", "agent_goal":
|
||||
"Coordinate scoring processes", "agent_backstory": "You''re great at delegating
|
||||
work about scoring."}}, {"event_id": "5e8d70f1-c6bd-4f38-add1-ee84e272c35c",
|
||||
"timestamp": "2025-10-08T18:18:09.883587+00:00", "type": "llm_call_started",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:09.883547+00:00", "type": "llm_call_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "6b4c0d0e-1758-4dff-ac12-8464b155edb3",
|
||||
"agent_id": "7aaa26da-9c22-494d-95cd-bd0a8b650e43", "agent_role": "Manager",
|
||||
"from_task": null, "from_agent": null, "model": "gpt-4o-mini", "messages": [{"role":
|
||||
"system", "content": "You are Manager. You''re great at delegating work about
|
||||
scoring.\nYour personal goal is: Coordinate scoring processes\nYou ONLY have
|
||||
access to the following tools, and should NEVER make up tools that are not listed
|
||||
here:\n\nTool Name: Delegate work to coworker\nTool Arguments: {''task'': {''description'':
|
||||
''The task to delegate'', ''type'': ''str''}, ''context'': {''description'':
|
||||
''The context for the task'', ''type'': ''str''}, ''coworker'': {''description'':
|
||||
''The role/name of the coworker to delegate to'', ''type'': ''str''}}\nTool
|
||||
Description: Delegate a specific task to one of the following coworkers: Scorer\nThe
|
||||
input to this tool should be the coworker, the task you want them to do, and
|
||||
ALL necessary context to execute the task, they know nothing about the task,
|
||||
so share absolutely everything you know, don''t reference things but instead
|
||||
explain them.\nTool Name: Ask question to coworker\nTool Arguments: {''question'':
|
||||
{''description'': ''The question to ask'', ''type'': ''str''}, ''context'':
|
||||
{''description'': ''The context for the question'', ''type'': ''str''}, ''coworker'':
|
||||
{''description'': ''The role/name of the coworker to ask'', ''type'': ''str''}}\nTool
|
||||
Description: Ask a specific question to one of the following coworkers: Scorer\nThe
|
||||
input to this tool should be the coworker, the question you have for them, and
|
||||
ALL necessary context to ask the question properly, they know nothing about
|
||||
the question, so share absolutely everything you know, don''t reference things
|
||||
but instead explain them.\n\nIMPORTANT: Use the following format in your response:\n\n```\nThought:
|
||||
you should always think about what to do\nAction: the action to take, only one
|
||||
name of [Delegate work to coworker, Ask question to coworker], just the name,
|
||||
exactly as it''s written.\nAction Input: the input to the action, just a simple
|
||||
JSON object, enclosed in curly braces, using \" to wrap keys and values.\nObservation:
|
||||
the result of the action\n```\n\nOnce all necessary information is gathered,
|
||||
return the following format:\n\n```\nThought: I now know the final answer\nFinal
|
||||
Answer: the final answer to the original input question\n```"}, {"role": "user",
|
||||
"content": "\nCurrent Task: Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''\n\nThis is the expected criteria
|
||||
for your final answer: The score of the title.\nyou MUST return the actual complete
|
||||
content as the final answer, not a summary.\n\nBegin! This is VERY important
|
||||
to you, use the tools available and give your best Final Answer, your job depends
|
||||
on it!\n\nThought:"}], "tools": null, "callbacks": ["<crewai.utilities.token_counter_callback.TokenCalcHandler
|
||||
object at 0x136d6d550>"], "available_functions": null}}, {"event_id": "b9a161b1-b991-40c4-82c9-ad0206df36ae",
|
||||
"timestamp": "2025-10-08T18:18:09.887047+00:00", "type": "llm_call_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:09.887005+00:00", "type": "llm_call_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "6b4c0d0e-1758-4dff-ac12-8464b155edb3",
|
||||
"agent_id": "7aaa26da-9c22-494d-95cd-bd0a8b650e43", "agent_role": "Manager",
|
||||
"from_task": null, "from_agent": null, "messages": [{"role": "system", "content":
|
||||
"You are Manager. You''re great at delegating work about scoring.\nYour personal
|
||||
goal is: Coordinate scoring processes\nYou ONLY have access to the following
|
||||
tools, and should NEVER make up tools that are not listed here:\n\nTool Name:
|
||||
Delegate work to coworker\nTool Arguments: {''task'': {''description'': ''The
|
||||
task to delegate'', ''type'': ''str''}, ''context'': {''description'': ''The
|
||||
context for the task'', ''type'': ''str''}, ''coworker'': {''description'':
|
||||
''The role/name of the coworker to delegate to'', ''type'': ''str''}}\nTool
|
||||
Description: Delegate a specific task to one of the following coworkers: Scorer\nThe
|
||||
input to this tool should be the coworker, the task you want them to do, and
|
||||
ALL necessary context to execute the task, they know nothing about the task,
|
||||
so share absolutely everything you know, don''t reference things but instead
|
||||
explain them.\nTool Name: Ask question to coworker\nTool Arguments: {''question'':
|
||||
{''description'': ''The question to ask'', ''type'': ''str''}, ''context'':
|
||||
{''description'': ''The context for the question'', ''type'': ''str''}, ''coworker'':
|
||||
{''description'': ''The role/name of the coworker to ask'', ''type'': ''str''}}\nTool
|
||||
Description: Ask a specific question to one of the following coworkers: Scorer\nThe
|
||||
input to this tool should be the coworker, the question you have for them, and
|
||||
ALL necessary context to ask the question properly, they know nothing about
|
||||
the question, so share absolutely everything you know, don''t reference things
|
||||
but instead explain them.\n\nIMPORTANT: Use the following format in your response:\n\n```\nThought:
|
||||
you should always think about what to do\nAction: the action to take, only one
|
||||
name of [Delegate work to coworker, Ask question to coworker], just the name,
|
||||
exactly as it''s written.\nAction Input: the input to the action, just a simple
|
||||
JSON object, enclosed in curly braces, using \" to wrap keys and values.\nObservation:
|
||||
the result of the action\n```\n\nOnce all necessary information is gathered,
|
||||
return the following format:\n\n```\nThought: I now know the final answer\nFinal
|
||||
Answer: the final answer to the original input question\n```"}, {"role": "user",
|
||||
"content": "\nCurrent Task: Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''\n\nThis is the expected criteria
|
||||
for your final answer: The score of the title.\nyou MUST return the actual complete
|
||||
content as the final answer, not a summary.\n\nBegin! This is VERY important
|
||||
to you, use the tools available and give your best Final Answer, your job depends
|
||||
on it!\n\nThought:"}], "response": "Thought: To provide an accurate score for
|
||||
the title \"The impact of AI in the future of work,\" I need to delegate the
|
||||
task of scoring it to the Scorer, who is specialized in this activity.\n\nAction:
|
||||
Delegate work to coworker\nAction Input: {\"coworker\": \"Scorer\", \"task\":
|
||||
\"Give me an integer score between 1-5 for the following title: ''The impact
|
||||
of AI in the future of work''\", \"context\": \"Your task is to evaluate the
|
||||
provided title on a scale from 1 to 5 based on criteria such as relevance, clarity,
|
||||
and intrigue.\"}\n\nObservation: The scorer has received the task to score the
|
||||
title ''The impact of AI in the future of work''.", "call_type": "<LLMCallType.LLM_CALL:
|
||||
''llm_call''>", "model": "gpt-4o-mini"}}, {"event_id": "7d7aec22-3674-46ef-b79f-a6dca2285d76",
|
||||
"timestamp": "2025-10-08T18:18:09.887545+00:00", "type": "tool_usage_started",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:09.887507+00:00", "type": "tool_usage_started",
|
||||
"source_fingerprint": "003eb0d4-ed9a-4677-a8d3-dbd99803cd6c", "source_type":
|
||||
"agent", "fingerprint_metadata": null, "agent_key": "89cf311b48b52169d42f3925c5be1c5a",
|
||||
"agent_role": "Manager", "agent_id": null, "tool_name": "Delegate work to coworker",
|
||||
"tool_args": "{\"coworker\": \"Scorer\", \"task\": \"Give me an integer score
|
||||
between 1-5 for the following title: ''The impact of AI in the future of work''\",
|
||||
\"context\": \"Your task is to evaluate the provided title on a scale from 1
|
||||
to 5 based on criteria such as relevance, clarity, and intrigue.\"}", "tool_class":
|
||||
"Delegate work to coworker", "run_attempts": null, "delegations": null, "agent":
|
||||
{"id": "7aaa26da-9c22-494d-95cd-bd0a8b650e43", "role": "Manager", "goal": "Coordinate
|
||||
scoring processes", "backstory": "You''re great at delegating work about scoring.",
|
||||
"cache": true, "verbose": false, "max_rpm": null, "allow_delegation": true,
|
||||
"tools": [], "max_iter": 25, "agent_executor": "<crewai.agents.crew_agent_executor.CrewAgentExecutor
|
||||
object at 0x136ce2210>", "llm": "<crewai.llm.LLM object at 0x136d04770>", "crew":
|
||||
{"parent_flow": null, "name": "crew", "cache": true, "tasks": ["{''used_tools'':
|
||||
0, ''tools_errors'': 0, ''delegations'': 0, ''i18n'': {''prompt_file'': None},
|
||||
''name'': None, ''prompt_context'': '''', ''description'': \"Give me an integer
|
||||
score between 1-5 for the following title: ''The impact of AI in the future
|
||||
of work''\", ''expected_output'': ''The score of the title.'', ''config'': None,
|
||||
''callback'': None, ''agent'': {''id'': UUID(''7aaa26da-9c22-494d-95cd-bd0a8b650e43''),
|
||||
''role'': ''Manager'', ''goal'': ''Coordinate scoring processes'', ''backstory'':
|
||||
\"You''re great at delegating work about scoring.\", ''cache'': True, ''verbose'':
|
||||
False, ''max_rpm'': None, ''allow_delegation'': True, ''tools'': [], ''max_iter'':
|
||||
25, ''agent_executor'': <crewai.agents.crew_agent_executor.CrewAgentExecutor
|
||||
object at 0x136ce2210>, ''llm'': <crewai.llm.LLM object at 0x136d04770>, ''crew'':
|
||||
Crew(id=61013208-0775-4375-a8db-a71cb4726895, process=Process.sequential, number_of_agents=2,
|
||||
number_of_tasks=1), ''i18n'': {''prompt_file'': None}, ''cache_handler'': {},
|
||||
''tools_handler'': <crewai.agents.tools_handler.ToolsHandler object at 0x136d46e40>,
|
||||
''tools_results'': [], ''max_tokens'': None, ''knowledge'': None, ''knowledge_sources'':
|
||||
None, ''knowledge_storage'': None, ''security_config'': {''fingerprint'': {''metadata'':
|
||||
{}}}, ''callbacks'': [], ''adapted_agent'': False, ''knowledge_config'': None},
|
||||
''context'': NOT_SPECIFIED, ''async_execution'': False, ''output_json'': None,
|
||||
''output_pydantic'': None, ''output_file'': None, ''create_directory'': True,
|
||||
''output'': None, ''tools'': [], ''security_config'': {''fingerprint'': {''metadata'':
|
||||
{}}}, ''id'': UUID(''6b4c0d0e-1758-4dff-ac12-8464b155edb3''), ''human_input'':
|
||||
False, ''markdown'': False, ''converter_cls'': None, ''processed_by_agents'':
|
||||
{''Manager''}, ''guardrail'': None, ''max_retries'': None, ''guardrail_max_retries'':
|
||||
3, ''retry_count'': 0, ''start_time'': datetime.datetime(2025, 10, 8, 11, 18,
|
||||
9, 882798), ''end_time'': None, ''allow_crewai_trigger_context'': None}"], "agents":
|
||||
["{''id'': UUID(''7aaa26da-9c22-494d-95cd-bd0a8b650e43''), ''role'': ''Manager'',
|
||||
''goal'': ''Coordinate scoring processes'', ''backstory'': \"You''re great at
|
||||
delegating work about scoring.\", ''cache'': True, ''verbose'': False, ''max_rpm'':
|
||||
None, ''allow_delegation'': True, ''tools'': [], ''max_iter'': 25, ''agent_executor'':
|
||||
<crewai.agents.crew_agent_executor.CrewAgentExecutor object at 0x136ce2210>,
|
||||
''llm'': <crewai.llm.LLM object at 0x136d04770>, ''crew'': Crew(id=61013208-0775-4375-a8db-a71cb4726895,
|
||||
process=Process.sequential, number_of_agents=2, number_of_tasks=1), ''i18n'':
|
||||
{''prompt_file'': None}, ''cache_handler'': {}, ''tools_handler'': <crewai.agents.tools_handler.ToolsHandler
|
||||
object at 0x136d46e40>, ''tools_results'': [], ''max_tokens'': None, ''knowledge'':
|
||||
None, ''knowledge_sources'': None, ''knowledge_storage'': None, ''security_config'':
|
||||
{''fingerprint'': {''metadata'': {}}}, ''callbacks'': [], ''adapted_agent'':
|
||||
False, ''knowledge_config'': None}", "{''id'': UUID(''6ce24ea1-6163-460b-bc95-fafba4c85116''),
|
||||
''role'': ''Scorer'', ''goal'': ''Score the title'', ''backstory'': \"You''re
|
||||
an expert scorer, specialized in scoring titles.\", ''cache'': True, ''verbose'':
|
||||
False, ''max_rpm'': None, ''allow_delegation'': True, ''tools'': [], ''max_iter'':
|
||||
25, ''agent_executor'': <crewai.agents.crew_agent_executor.CrewAgentExecutor
|
||||
object at 0x136ce1d90>, ''llm'': <crewai.llm.LLM object at 0x136d043e0>, ''crew'':
|
||||
Crew(id=61013208-0775-4375-a8db-a71cb4726895, process=Process.sequential, number_of_agents=2,
|
||||
number_of_tasks=1), ''i18n'': {''prompt_file'': None}, ''cache_handler'': {},
|
||||
''tools_handler'': <crewai.agents.tools_handler.ToolsHandler object at 0x136d46820>,
|
||||
''tools_results'': [], ''max_tokens'': None, ''knowledge'': None, ''knowledge_sources'':
|
||||
None, ''knowledge_storage'': None, ''security_config'': {''fingerprint'': {''metadata'':
|
||||
{}}}, ''callbacks'': [], ''adapted_agent'': False, ''knowledge_config'': None}"],
|
||||
"process": "sequential", "verbose": false, "memory": false, "short_term_memory":
|
||||
null, "long_term_memory": null, "entity_memory": null, "external_memory": null,
|
||||
"embedder": null, "usage_metrics": null, "manager_llm": null, "manager_agent":
|
||||
null, "function_calling_llm": null, "config": null, "id": "61013208-0775-4375-a8db-a71cb4726895",
|
||||
"share_crew": false, "step_callback": null, "task_callback": null, "before_kickoff_callbacks":
|
||||
[], "after_kickoff_callbacks": [], "max_rpm": null, "prompt_file": null, "output_log_file":
|
||||
null, "planning": false, "planning_llm": null, "task_execution_output_json_files":
|
||||
null, "execution_logs": [], "knowledge_sources": null, "chat_llm": null, "knowledge":
|
||||
null, "security_config": {"fingerprint": "{''metadata'': {}}"}, "token_usage":
|
||||
null, "tracing": false}, "i18n": {"prompt_file": null}, "cache_handler": {},
|
||||
"tools_handler": "<crewai.agents.tools_handler.ToolsHandler object at 0x136d46e40>",
|
||||
"tools_results": [], "max_tokens": null, "knowledge": null, "knowledge_sources":
|
||||
null, "knowledge_storage": null, "security_config": {"fingerprint": {"metadata":
|
||||
"{}"}}, "callbacks": [], "adapted_agent": false, "knowledge_config": null, "max_execution_time":
|
||||
null, "agent_ops_agent_name": "Manager", "agent_ops_agent_id": null, "step_callback":
|
||||
null, "use_system_prompt": true, "function_calling_llm": null, "system_template":
|
||||
null, "prompt_template": null, "response_template": null, "allow_code_execution":
|
||||
false, "respect_context_window": true, "max_retry_limit": 2, "multimodal": false,
|
||||
"inject_date": false, "date_format": "%Y-%m-%d", "code_execution_mode": "safe",
|
||||
"reasoning": false, "max_reasoning_attempts": null, "embedder": null, "agent_knowledge_context":
|
||||
null, "crew_knowledge_context": null, "knowledge_search_query": null, "from_repository":
|
||||
null, "guardrail": null, "guardrail_max_retries": 3}, "task_name": "Give me
|
||||
an integer score between 1-5 for the following title: ''The impact of AI in
|
||||
the future of work''", "task_id": "6b4c0d0e-1758-4dff-ac12-8464b155edb3", "from_task":
|
||||
null, "from_agent": null}}, {"event_id": "265ae762-db20-4236-895b-07794490f475",
|
||||
"timestamp": "2025-10-08T18:18:09.889221+00:00", "type": "agent_execution_started",
|
||||
"event_data": {"agent_role": "Scorer", "agent_goal": "Score the title", "agent_backstory":
|
||||
"You''re an expert scorer, specialized in scoring titles."}}, {"event_id": "0a5c9402-cafb-40e6-b6bf-6c280ebe6e50",
|
||||
"timestamp": "2025-10-08T18:18:09.889307+00:00", "type": "llm_call_started",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:09.889280+00:00", "type": "llm_call_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "9343e3fa-e7dc-48d8-8a02-26e743e7c6bf",
|
||||
"agent_id": "6ce24ea1-6163-460b-bc95-fafba4c85116", "agent_role": "Scorer",
|
||||
"from_task": null, "from_agent": null, "model": "gpt-4o-mini", "messages": [{"role":
|
||||
"system", "content": "You are Scorer. You''re an expert scorer, specialized
|
||||
in scoring titles.\nYour personal goal is: Score the title\nTo give my best
|
||||
complete final answer to the task respond using the exact following format:\n\nThought:
|
||||
I now can give a great answer\nFinal Answer: Your final answer must be the great
|
||||
and the most complete as possible, it must be outcome described.\n\nI MUST use
|
||||
these formats, my job depends on it!"}, {"role": "user", "content": "\nCurrent
|
||||
Task: Give me an integer score between 1-5 for the following title: ''The impact
|
||||
of AI in the future of work''\n\nThis is the expected criteria for your final
|
||||
answer: Your best answer to your coworker asking you this, accounting for the
|
||||
context shared.\nyou MUST return the actual complete content as the final answer,
|
||||
not a summary.\n\nThis is the context you''re working with:\nYour task is to
|
||||
evaluate the provided title on a scale from 1 to 5 based on criteria such as
|
||||
relevance, clarity, and intrigue.\n\nBegin! This is VERY important to you, use
|
||||
the tools available and give your best Final Answer, your job depends on it!\n\nThought:"}],
|
||||
"tools": null, "callbacks": ["<crewai.utilities.token_counter_callback.TokenCalcHandler
|
||||
object at 0x136d7ddf0>"], "available_functions": null}}, {"event_id": "b2cb8835-f3b5-4eb2-8a55-becac0899578",
|
||||
"timestamp": "2025-10-08T18:18:09.893785+00:00", "type": "llm_call_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:09.893752+00:00", "type": "llm_call_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "9343e3fa-e7dc-48d8-8a02-26e743e7c6bf",
|
||||
"agent_id": "6ce24ea1-6163-460b-bc95-fafba4c85116", "agent_role": "Scorer",
|
||||
"from_task": null, "from_agent": null, "messages": [{"role": "system", "content":
|
||||
"You are Scorer. You''re an expert scorer, specialized in scoring titles.\nYour
|
||||
personal goal is: Score the title\nTo give my best complete final answer to
|
||||
the task respond using the exact following format:\n\nThought: I now can give
|
||||
a great answer\nFinal Answer: Your final answer must be the great and the most
|
||||
complete as possible, it must be outcome described.\n\nI MUST use these formats,
|
||||
my job depends on it!"}, {"role": "user", "content": "\nCurrent Task: Give me
|
||||
an integer score between 1-5 for the following title: ''The impact of AI in
|
||||
the future of work''\n\nThis is the expected criteria for your final answer:
|
||||
Your best answer to your coworker asking you this, accounting for the context
|
||||
shared.\nyou MUST return the actual complete content as the final answer, not
|
||||
a summary.\n\nThis is the context you''re working with:\nYour task is to evaluate
|
||||
the provided title on a scale from 1 to 5 based on criteria such as relevance,
|
||||
clarity, and intrigue.\n\nBegin! This is VERY important to you, use the tools
|
||||
available and give your best Final Answer, your job depends on it!\n\nThought:"}],
|
||||
"response": "Thought: I now can give a great answer\nFinal Answer: 4. The title
|
||||
''The impact of AI in the future of work'' is clear and directly addresses a
|
||||
highly relevant and intriguing topic. It captures the essence of how AI could
|
||||
shape the job market, which is a subject of significant interest. However, it
|
||||
could be more specific or detailed to achieve a perfect score.", "call_type":
|
||||
"<LLMCallType.LLM_CALL: ''llm_call''>", "model": "gpt-4o-mini"}}, {"event_id":
|
||||
"935cc6c4-edbb-42bd-82a5-b904c7b14e5e", "timestamp": "2025-10-08T18:18:09.893917+00:00",
|
||||
"type": "agent_execution_completed", "event_data": {"agent_role": "Scorer",
|
||||
"agent_goal": "Score the title", "agent_backstory": "You''re an expert scorer,
|
||||
specialized in scoring titles."}}, {"event_id": "80aef20e-1284-41c7-814b-f1c1609eb0b9",
|
||||
"timestamp": "2025-10-08T18:18:09.894037+00:00", "type": "tool_usage_finished",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:09.894006+00:00", "type": "tool_usage_finished",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"agent_key": "89cf311b48b52169d42f3925c5be1c5a", "agent_role": "Manager", "agent_id":
|
||||
null, "tool_name": "Delegate work to coworker", "tool_args": {"coworker": "Scorer",
|
||||
"task": "Give me an integer score between 1-5 for the following title: ''The
|
||||
impact of AI in the future of work''", "context": "Your task is to evaluate
|
||||
the provided title on a scale from 1 to 5 based on criteria such as relevance,
|
||||
clarity, and intrigue."}, "tool_class": "CrewStructuredTool", "run_attempts":
|
||||
1, "delegations": 0, "agent": null, "task_name": "Give me an integer score between
|
||||
1-5 for the following title: ''The impact of AI in the future of work''", "task_id":
|
||||
"6b4c0d0e-1758-4dff-ac12-8464b155edb3", "from_task": null, "from_agent": null,
|
||||
"started_at": "2025-10-08T11:18:09.887804", "finished_at": "2025-10-08T11:18:09.893985",
|
||||
"from_cache": false, "output": "4. The title ''The impact of AI in the future
|
||||
of work'' is clear and directly addresses a highly relevant and intriguing topic.
|
||||
It captures the essence of how AI could shape the job market, which is a subject
|
||||
of significant interest. However, it could be more specific or detailed to achieve
|
||||
a perfect score."}}, {"event_id": "2920d8bc-28f9-46cf-87df-113da77a6c34", "timestamp":
|
||||
"2025-10-08T18:18:09.894139+00:00", "type": "llm_call_started", "event_data":
|
||||
{"timestamp": "2025-10-08T18:18:09.894115+00:00", "type": "llm_call_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "6b4c0d0e-1758-4dff-ac12-8464b155edb3",
|
||||
"agent_id": "7aaa26da-9c22-494d-95cd-bd0a8b650e43", "agent_role": "Manager",
|
||||
"from_task": null, "from_agent": null, "model": "gpt-4o-mini", "messages": [{"role":
|
||||
"system", "content": "You are Manager. You''re great at delegating work about
|
||||
scoring.\nYour personal goal is: Coordinate scoring processes\nYou ONLY have
|
||||
access to the following tools, and should NEVER make up tools that are not listed
|
||||
here:\n\nTool Name: Delegate work to coworker\nTool Arguments: {''task'': {''description'':
|
||||
''The task to delegate'', ''type'': ''str''}, ''context'': {''description'':
|
||||
''The context for the task'', ''type'': ''str''}, ''coworker'': {''description'':
|
||||
''The role/name of the coworker to delegate to'', ''type'': ''str''}}\nTool
|
||||
Description: Delegate a specific task to one of the following coworkers: Scorer\nThe
|
||||
input to this tool should be the coworker, the task you want them to do, and
|
||||
ALL necessary context to execute the task, they know nothing about the task,
|
||||
so share absolutely everything you know, don''t reference things but instead
|
||||
explain them.\nTool Name: Ask question to coworker\nTool Arguments: {''question'':
|
||||
{''description'': ''The question to ask'', ''type'': ''str''}, ''context'':
|
||||
{''description'': ''The context for the question'', ''type'': ''str''}, ''coworker'':
|
||||
{''description'': ''The role/name of the coworker to ask'', ''type'': ''str''}}\nTool
|
||||
Description: Ask a specific question to one of the following coworkers: Scorer\nThe
|
||||
input to this tool should be the coworker, the question you have for them, and
|
||||
ALL necessary context to ask the question properly, they know nothing about
|
||||
the question, so share absolutely everything you know, don''t reference things
|
||||
but instead explain them.\n\nIMPORTANT: Use the following format in your response:\n\n```\nThought:
|
||||
you should always think about what to do\nAction: the action to take, only one
|
||||
name of [Delegate work to coworker, Ask question to coworker], just the name,
|
||||
exactly as it''s written.\nAction Input: the input to the action, just a simple
|
||||
JSON object, enclosed in curly braces, using \" to wrap keys and values.\nObservation:
|
||||
the result of the action\n```\n\nOnce all necessary information is gathered,
|
||||
return the following format:\n\n```\nThought: I now know the final answer\nFinal
|
||||
Answer: the final answer to the original input question\n```"}, {"role": "user",
|
||||
"content": "\nCurrent Task: Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''\n\nThis is the expected criteria
|
||||
for your final answer: The score of the title.\nyou MUST return the actual complete
|
||||
content as the final answer, not a summary.\n\nBegin! This is VERY important
|
||||
to you, use the tools available and give your best Final Answer, your job depends
|
||||
on it!\n\nThought:"}, {"role": "assistant", "content": "Thought: To provide
|
||||
an accurate score for the title \"The impact of AI in the future of work,\"
|
||||
I need to delegate the task of scoring it to the Scorer, who is specialized
|
||||
in this activity.\n\nAction: Delegate work to coworker\nAction Input: {\"coworker\":
|
||||
\"Scorer\", \"task\": \"Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''\", \"context\": \"Your task
|
||||
is to evaluate the provided title on a scale from 1 to 5 based on criteria such
|
||||
as relevance, clarity, and intrigue.\"}\n\nObservation: The scorer has received
|
||||
the task to score the title ''The impact of AI in the future of work''.\nObservation:
|
||||
4. The title ''The impact of AI in the future of work'' is clear and directly
|
||||
addresses a highly relevant and intriguing topic. It captures the essence of
|
||||
how AI could shape the job market, which is a subject of significant interest.
|
||||
However, it could be more specific or detailed to achieve a perfect score."}],
|
||||
"tools": null, "callbacks": ["<crewai.utilities.token_counter_callback.TokenCalcHandler
|
||||
object at 0x136d6d550>"], "available_functions": null}}, {"event_id": "c1561925-8100-4045-bfde-56c42bf1edab",
|
||||
"timestamp": "2025-10-08T18:18:09.896686+00:00", "type": "llm_call_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:09.896654+00:00", "type": "llm_call_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "6b4c0d0e-1758-4dff-ac12-8464b155edb3",
|
||||
"agent_id": "7aaa26da-9c22-494d-95cd-bd0a8b650e43", "agent_role": "Manager",
|
||||
"from_task": null, "from_agent": null, "messages": [{"role": "system", "content":
|
||||
"You are Manager. You''re great at delegating work about scoring.\nYour personal
|
||||
goal is: Coordinate scoring processes\nYou ONLY have access to the following
|
||||
tools, and should NEVER make up tools that are not listed here:\n\nTool Name:
|
||||
Delegate work to coworker\nTool Arguments: {''task'': {''description'': ''The
|
||||
task to delegate'', ''type'': ''str''}, ''context'': {''description'': ''The
|
||||
context for the task'', ''type'': ''str''}, ''coworker'': {''description'':
|
||||
''The role/name of the coworker to delegate to'', ''type'': ''str''}}\nTool
|
||||
Description: Delegate a specific task to one of the following coworkers: Scorer\nThe
|
||||
input to this tool should be the coworker, the task you want them to do, and
|
||||
ALL necessary context to execute the task, they know nothing about the task,
|
||||
so share absolutely everything you know, don''t reference things but instead
|
||||
explain them.\nTool Name: Ask question to coworker\nTool Arguments: {''question'':
|
||||
{''description'': ''The question to ask'', ''type'': ''str''}, ''context'':
|
||||
{''description'': ''The context for the question'', ''type'': ''str''}, ''coworker'':
|
||||
{''description'': ''The role/name of the coworker to ask'', ''type'': ''str''}}\nTool
|
||||
Description: Ask a specific question to one of the following coworkers: Scorer\nThe
|
||||
input to this tool should be the coworker, the question you have for them, and
|
||||
ALL necessary context to ask the question properly, they know nothing about
|
||||
the question, so share absolutely everything you know, don''t reference things
|
||||
but instead explain them.\n\nIMPORTANT: Use the following format in your response:\n\n```\nThought:
|
||||
you should always think about what to do\nAction: the action to take, only one
|
||||
name of [Delegate work to coworker, Ask question to coworker], just the name,
|
||||
exactly as it''s written.\nAction Input: the input to the action, just a simple
|
||||
JSON object, enclosed in curly braces, using \" to wrap keys and values.\nObservation:
|
||||
the result of the action\n```\n\nOnce all necessary information is gathered,
|
||||
return the following format:\n\n```\nThought: I now know the final answer\nFinal
|
||||
Answer: the final answer to the original input question\n```"}, {"role": "user",
|
||||
"content": "\nCurrent Task: Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''\n\nThis is the expected criteria
|
||||
for your final answer: The score of the title.\nyou MUST return the actual complete
|
||||
content as the final answer, not a summary.\n\nBegin! This is VERY important
|
||||
to you, use the tools available and give your best Final Answer, your job depends
|
||||
on it!\n\nThought:"}, {"role": "assistant", "content": "Thought: To provide
|
||||
an accurate score for the title \"The impact of AI in the future of work,\"
|
||||
I need to delegate the task of scoring it to the Scorer, who is specialized
|
||||
in this activity.\n\nAction: Delegate work to coworker\nAction Input: {\"coworker\":
|
||||
\"Scorer\", \"task\": \"Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''\", \"context\": \"Your task
|
||||
is to evaluate the provided title on a scale from 1 to 5 based on criteria such
|
||||
as relevance, clarity, and intrigue.\"}\n\nObservation: The scorer has received
|
||||
the task to score the title ''The impact of AI in the future of work''.\nObservation:
|
||||
4. The title ''The impact of AI in the future of work'' is clear and directly
|
||||
addresses a highly relevant and intriguing topic. It captures the essence of
|
||||
how AI could shape the job market, which is a subject of significant interest.
|
||||
However, it could be more specific or detailed to achieve a perfect score."}],
|
||||
"response": "Thought: I now know the final answer as the Scorer has provided
|
||||
the score for the title based on the given criteria.\n\nFinal Answer: 4", "call_type":
|
||||
"<LLMCallType.LLM_CALL: ''llm_call''>", "model": "gpt-4o-mini"}}, {"event_id":
|
||||
"59b15482-befa-4430-8fd6-be9bd08cc5db", "timestamp": "2025-10-08T18:18:09.896803+00:00",
|
||||
"type": "agent_execution_completed", "event_data": {"agent_role": "Manager",
|
||||
"agent_goal": "Coordinate scoring processes", "agent_backstory": "You''re great
|
||||
at delegating work about scoring."}}, {"event_id": "ee08a9e6-f8d1-4ec3-b8ce-8db5cae003d5",
|
||||
"timestamp": "2025-10-08T18:18:09.896864+00:00", "type": "task_completed", "event_data":
|
||||
{"task_description": "Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''", "task_name": "Give me an
|
||||
integer score between 1-5 for the following title: ''The impact of AI in the
|
||||
future of work''", "task_id": "6b4c0d0e-1758-4dff-ac12-8464b155edb3", "output_raw":
|
||||
"4", "output_format": "OutputFormat.RAW", "agent_role": "Manager"}}, {"event_id":
|
||||
"b42a5428-c309-48d3-9b4d-d2c677dfd00f", "timestamp": "2025-10-08T18:18:09.898429+00:00",
|
||||
"type": "crew_kickoff_completed", "event_data": {"timestamp": "2025-10-08T18:18:09.898415+00:00",
|
||||
"type": "crew_kickoff_completed", "source_fingerprint": null, "source_type":
|
||||
null, "fingerprint_metadata": null, "crew_name": "crew", "crew": null, "output":
|
||||
{"description": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "name": "Give me an integer score
|
||||
between 1-5 for the following title: ''The impact of AI in the future of work''",
|
||||
"expected_output": "The score of the title.", "summary": "Give me an integer
|
||||
score between 1-5 for the following...", "raw": "4", "pydantic": null, "json_dict":
|
||||
null, "agent": "Manager", "output_format": "raw"}, "total_tokens": 1877}}],
|
||||
"batch_metadata": {"events_count": 16, "batch_sequence": 1, "is_final_batch":
|
||||
false}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '32137'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/be6be8ca-f4e4-44f1-9ac5-a28ab976b1a5/events
|
||||
response:
|
||||
body:
|
||||
string: '{"events_created":16,"trace_batch_id":"75171e87-f189-49fe-a59f-01306ea262c7"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '77'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"b165f8dea88d11f83754c72f73b8efb6"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.06, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.12, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=82.18, instantiation.active_record;dur=0.74, start_transaction.active_record;dur=0.01,
|
||||
transaction.active_record;dur=171.97, process_action.action_controller;dur=511.20
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- e21e9c74-f4df-4485-8d92-775ee5b972c6
|
||||
x-runtime:
|
||||
- '0.559510'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"status": "completed", "duration_ms": 919, "final_event_count": 16}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '68'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: PATCH
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/be6be8ca-f4e4-44f1-9ac5-a28ab976b1a5/finalize
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"75171e87-f189-49fe-a59f-01306ea262c7","trace_id":"be6be8ca-f4e4-44f1-9ac5-a28ab976b1a5","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"completed","duration_ms":919,"crewai_version":"0.201.1","privacy_level":"standard","total_events":16,"execution_context":{"crew_name":"crew","flow_name":null,"privacy_level":"standard","crewai_version":"0.201.1","crew_fingerprint":null},"created_at":"2025-10-08T18:18:09.870Z","updated_at":"2025-10-08T18:18:10.961Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '482'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"b67654c67df1179eac2a9a79bbdf737f"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.05, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.08, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=20.84, instantiation.active_record;dur=0.67, unpermitted_parameters.action_controller;dur=0.01,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=5.48,
|
||||
process_action.action_controller;dur=452.72
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 6ad8ee19-55a0-467c-a2ff-c82f2dac7cd1
|
||||
x-runtime:
|
||||
- '0.493951'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
version: 1
|
||||
|
||||
@@ -224,4 +224,326 @@ interactions:
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"trace_id": "9e29cf0f-0172-4e4b-ad63-a2a36f3c2d7f", "execution_type":
|
||||
"crew", "user_identifier": null, "execution_context": {"crew_fingerprint": null,
|
||||
"crew_name": "crew", "flow_name": null, "crewai_version": "0.201.1", "privacy_level":
|
||||
"standard"}, "execution_metadata": {"expected_duration_estimate": 300, "agent_count":
|
||||
0, "task_count": 0, "flow_method_count": 0, "execution_started_at": "2025-10-08T18:18:11.026941+00:00"}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '428'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"b44103f0-cd32-4754-8274-080d86c21b77","trace_id":"9e29cf0f-0172-4e4b-ad63-a2a36f3c2d7f","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"running","duration_ms":null,"crewai_version":"0.201.1","privacy_level":"standard","total_events":0,"execution_context":{"crew_fingerprint":null,"crew_name":"crew","flow_name":null,"crewai_version":"0.201.1","privacy_level":"standard"},"created_at":"2025-10-08T18:18:11.351Z","updated_at":"2025-10-08T18:18:11.351Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '480'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"73d0c52807c852d93864a56af30f75a8"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.07, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.33, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=20.29, instantiation.active_record;dur=1.34, feature_operation.flipper;dur=0.07,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=12.34,
|
||||
process_action.action_controller;dur=285.83
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 7e049107-e9cc-4684-bd18-813aa705a054
|
||||
x-runtime:
|
||||
- '0.331307'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 201
|
||||
message: Created
|
||||
- request:
|
||||
body: '{"events": [{"event_id": "357cb901-97dd-49cc-8751-6a264a1ac808", "timestamp":
|
||||
"2025-10-08T18:18:11.363478+00:00", "type": "crew_kickoff_started", "event_data":
|
||||
{"timestamp": "2025-10-08T18:18:11.025479+00:00", "type": "crew_kickoff_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "inputs": null}}, {"event_id": "ca54f930-8d49-4dc0-8199-bd4ad56a85a9",
|
||||
"timestamp": "2025-10-08T18:18:11.365096+00:00", "type": "task_started", "event_data":
|
||||
{"task_description": "What is the date today?", "expected_output": "The date
|
||||
today as you were told, same format as the date you were told.", "task_name":
|
||||
"What is the date today?", "context": "", "agent_role": "Reporter", "task_id":
|
||||
"db8b8b82-005a-44bb-a050-518555011b70"}}, {"event_id": "b0dd7cd7-580e-463b-8faf-1cee16916431",
|
||||
"timestamp": "2025-10-08T18:18:11.365522+00:00", "type": "agent_execution_started",
|
||||
"event_data": {"agent_role": "Reporter", "agent_goal": "Report the date", "agent_backstory":
|
||||
"You''re an expert reporter, specialized in reporting the date."}}, {"event_id":
|
||||
"714f094e-47b6-489e-a0a7-33c0857b194f", "timestamp": "2025-10-08T18:18:11.365608+00:00",
|
||||
"type": "llm_call_started", "event_data": {"timestamp": "2025-10-08T18:18:11.365579+00:00",
|
||||
"type": "llm_call_started", "source_fingerprint": null, "source_type": null,
|
||||
"fingerprint_metadata": null, "task_name": "What is the date today?\n\nCurrent
|
||||
Date: 2025-10-08", "task_id": "db8b8b82-005a-44bb-a050-518555011b70", "agent_id":
|
||||
"10058b89-7480-409b-af5d-1b46e90ded50", "agent_role": "Reporter", "from_task":
|
||||
null, "from_agent": null, "model": "gpt-4o-mini", "messages": [{"role": "system",
|
||||
"content": "You are Reporter. You''re an expert reporter, specialized in reporting
|
||||
the date.\nYour personal goal is: Report the date\nTo give my best complete
|
||||
final answer to the task respond using the exact following format:\n\nThought:
|
||||
I now can give a great answer\nFinal Answer: Your final answer must be the great
|
||||
and the most complete as possible, it must be outcome described.\n\nI MUST use
|
||||
these formats, my job depends on it!"}, {"role": "user", "content": "\nCurrent
|
||||
Task: What is the date today?\n\nCurrent Date: 2025-10-08\n\nThis is the expected
|
||||
criteria for your final answer: The date today as you were told, same format
|
||||
as the date you were told.\nyou MUST return the actual complete content as the
|
||||
final answer, not a summary.\n\nBegin! This is VERY important to you, use the
|
||||
tools available and give your best Final Answer, your job depends on it!\n\nThought:"}],
|
||||
"tools": null, "callbacks": ["<crewai.utilities.token_counter_callback.TokenCalcHandler
|
||||
object at 0x136d6fef0>"], "available_functions": null}}, {"event_id": "541765c5-3c58-4291-8d94-9b1a6471b0f9",
|
||||
"timestamp": "2025-10-08T18:18:11.368580+00:00", "type": "llm_call_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:11.368543+00:00", "type": "llm_call_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "What is the date today?\n\nCurrent Date: 2025-10-08", "task_id":
|
||||
"db8b8b82-005a-44bb-a050-518555011b70", "agent_id": "10058b89-7480-409b-af5d-1b46e90ded50",
|
||||
"agent_role": "Reporter", "from_task": null, "from_agent": null, "messages":
|
||||
[{"role": "system", "content": "You are Reporter. You''re an expert reporter,
|
||||
specialized in reporting the date.\nYour personal goal is: Report the date\nTo
|
||||
give my best complete final answer to the task respond using the exact following
|
||||
format:\n\nThought: I now can give a great answer\nFinal Answer: Your final
|
||||
answer must be the great and the most complete as possible, it must be outcome
|
||||
described.\n\nI MUST use these formats, my job depends on it!"}, {"role": "user",
|
||||
"content": "\nCurrent Task: What is the date today?\n\nCurrent Date: 2025-10-08\n\nThis
|
||||
is the expected criteria for your final answer: The date today as you were told,
|
||||
same format as the date you were told.\nyou MUST return the actual complete
|
||||
content as the final answer, not a summary.\n\nBegin! This is VERY important
|
||||
to you, use the tools available and give your best Final Answer, your job depends
|
||||
on it!\n\nThought:"}], "response": "I now can give a great answer \nFinal Answer:
|
||||
2025-05-21", "call_type": "<LLMCallType.LLM_CALL: ''llm_call''>", "model": "gpt-4o-mini"}},
|
||||
{"event_id": "a3f8f3df-a936-433b-840a-0e954942dcc4", "timestamp": "2025-10-08T18:18:11.368711+00:00",
|
||||
"type": "agent_execution_completed", "event_data": {"agent_role": "Reporter",
|
||||
"agent_goal": "Report the date", "agent_backstory": "You''re an expert reporter,
|
||||
specialized in reporting the date."}}, {"event_id": "5648e8f5-f933-48e8-a0f0-c63c6441033d",
|
||||
"timestamp": "2025-10-08T18:18:11.368766+00:00", "type": "task_completed", "event_data":
|
||||
{"task_description": "What is the date today?\n\nCurrent Date: 2025-10-08",
|
||||
"task_name": "What is the date today?\n\nCurrent Date: 2025-10-08", "task_id":
|
||||
"db8b8b82-005a-44bb-a050-518555011b70", "output_raw": "2025-05-21", "output_format":
|
||||
"OutputFormat.RAW", "agent_role": "Reporter"}}, {"event_id": "3d2889c4-32fe-43bb-b557-89c553a97f7f",
|
||||
"timestamp": "2025-10-08T18:18:11.370072+00:00", "type": "crew_kickoff_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:11.370057+00:00", "type": "crew_kickoff_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "output": {"description": "What is the date
|
||||
today?\n\nCurrent Date: 2025-10-08", "name": "What is the date today?\n\nCurrent
|
||||
Date: 2025-10-08", "expected_output": "The date today as you were told, same
|
||||
format as the date you were told.", "summary": "What is the date today?\n\nCurrent
|
||||
Date: 2025-10-08...", "raw": "2025-05-21", "pydantic": null, "json_dict": null,
|
||||
"agent": "Reporter", "output_format": "raw"}, "total_tokens": 207}}], "batch_metadata":
|
||||
{"events_count": 8, "batch_sequence": 1, "is_final_batch": false}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '5906'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/9e29cf0f-0172-4e4b-ad63-a2a36f3c2d7f/events
|
||||
response:
|
||||
body:
|
||||
string: '{"events_created":8,"trace_batch_id":"b44103f0-cd32-4754-8274-080d86c21b77"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '76'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"295a6ddb279e61059e1ed3d18598fafa"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.04, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.09, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=56.17, instantiation.active_record;dur=0.66, start_transaction.active_record;dur=0.01,
|
||||
transaction.active_record;dur=89.62, process_action.action_controller;dur=445.82
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 3ddf8102-9e64-4ab5-8074-7dcb0b428898
|
||||
x-runtime:
|
||||
- '0.492724'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"status": "completed", "duration_ms": 846, "final_event_count": 8}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '67'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: PATCH
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/9e29cf0f-0172-4e4b-ad63-a2a36f3c2d7f/finalize
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"b44103f0-cd32-4754-8274-080d86c21b77","trace_id":"9e29cf0f-0172-4e4b-ad63-a2a36f3c2d7f","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"completed","duration_ms":846,"crewai_version":"0.201.1","privacy_level":"standard","total_events":8,"execution_context":{"crew_name":"crew","flow_name":null,"privacy_level":"standard","crewai_version":"0.201.1","crew_fingerprint":null},"created_at":"2025-10-08T18:18:11.351Z","updated_at":"2025-10-08T18:18:12.214Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '481'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"2380ed0ea9c0d4781911f35fb1c14e51"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.09, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.13, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=19.78, instantiation.active_record;dur=0.64, unpermitted_parameters.action_controller;dur=0.01,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=5.29,
|
||||
process_action.action_controller;dur=286.35
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- a0c4c511-b4ff-4c84-ba41-f25cfa083475
|
||||
x-runtime:
|
||||
- '0.337283'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
version: 1
|
||||
|
||||
@@ -242,4 +242,94 @@ interactions:
|
||||
- req_7a97be879488ab0dffe069cf25539bf6
|
||||
http_version: HTTP/1.1
|
||||
status_code: 200
|
||||
- request:
|
||||
body: '{"trace_id": "62d55ec4-458b-4b53-a165-7771758fc550", "execution_type":
|
||||
"crew", "user_identifier": null, "execution_context": {"crew_fingerprint": null,
|
||||
"crew_name": "Unknown Crew", "flow_name": null, "crewai_version": "0.201.1",
|
||||
"privacy_level": "standard"}, "execution_metadata": {"expected_duration_estimate":
|
||||
300, "agent_count": 0, "task_count": 0, "flow_method_count": 0, "execution_started_at":
|
||||
"2025-10-08T18:00:51.131564+00:00"}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '436'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"7460ec39-e7a6-4443-bbf7-33173e177cfd","trace_id":"62d55ec4-458b-4b53-a165-7771758fc550","execution_type":"crew","crew_name":"Unknown
|
||||
Crew","flow_name":null,"status":"running","duration_ms":null,"crewai_version":"0.201.1","privacy_level":"standard","total_events":0,"execution_context":{"crew_fingerprint":null,"crew_name":"Unknown
|
||||
Crew","flow_name":null,"crewai_version":"0.201.1","privacy_level":"standard"},"created_at":"2025-10-08T18:00:51.607Z","updated_at":"2025-10-08T18:00:51.607Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '496'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"2fba4497cf3e8b72b1b0403b13d58b39"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.06, sql.active_record;dur=18.98, cache_generate.active_support;dur=3.62,
|
||||
cache_write.active_support;dur=0.12, cache_read_multi.active_support;dur=0.09,
|
||||
start_processing.action_controller;dur=0.00, instantiation.active_record;dur=0.30,
|
||||
feature_operation.flipper;dur=0.10, start_transaction.active_record;dur=0.01,
|
||||
transaction.active_record;dur=12.47, process_action.action_controller;dur=431.76
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 530fca3d-d2b3-4b38-ba00-6f60ea63a07a
|
||||
x-runtime:
|
||||
- '0.481872'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 201
|
||||
message: Created
|
||||
version: 1
|
||||
|
||||
@@ -223,4 +223,323 @@ interactions:
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"trace_id": "874c2616-847c-47e7-a0d1-25839021e790", "execution_type":
|
||||
"crew", "user_identifier": null, "execution_context": {"crew_fingerprint": null,
|
||||
"crew_name": "crew", "flow_name": null, "crewai_version": "0.201.1", "privacy_level":
|
||||
"standard"}, "execution_metadata": {"expected_duration_estimate": 300, "agent_count":
|
||||
0, "task_count": 0, "flow_method_count": 0, "execution_started_at": "2025-10-08T18:18:05.331888+00:00"}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '428'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"07db44f2-cd05-4a41-9e95-868bba731607","trace_id":"874c2616-847c-47e7-a0d1-25839021e790","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"running","duration_ms":null,"crewai_version":"0.201.1","privacy_level":"standard","total_events":0,"execution_context":{"crew_fingerprint":null,"crew_name":"crew","flow_name":null,"crewai_version":"0.201.1","privacy_level":"standard"},"created_at":"2025-10-08T18:18:05.666Z","updated_at":"2025-10-08T18:18:05.666Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '480'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"450d644658ec3acfa9dac33ff0433b7e"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.06, sql.active_record;dur=19.50, cache_generate.active_support;dur=2.40,
|
||||
cache_write.active_support;dur=0.20, cache_read_multi.active_support;dur=0.12,
|
||||
start_processing.action_controller;dur=0.00, instantiation.active_record;dur=0.29,
|
||||
feature_operation.flipper;dur=0.07, start_transaction.active_record;dur=0.01,
|
||||
transaction.active_record;dur=9.28, process_action.action_controller;dur=288.29
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- dfe4369a-6a01-4886-87d0-5d502c805544
|
||||
x-runtime:
|
||||
- '0.343051'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 201
|
||||
message: Created
|
||||
- request:
|
||||
body: '{"events": [{"event_id": "9fd0722d-4e6d-49f0-9e9e-fa10c53b9928", "timestamp":
|
||||
"2025-10-08T18:18:05.680854+00:00", "type": "crew_kickoff_started", "event_data":
|
||||
{"timestamp": "2025-10-08T18:18:05.329875+00:00", "type": "crew_kickoff_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "inputs": null}}, {"event_id": "0bb97dd4-8283-4565-ab46-18e88b13be21",
|
||||
"timestamp": "2025-10-08T18:18:05.685253+00:00", "type": "task_started", "event_data":
|
||||
{"task_description": "What is the date today?", "expected_output": "The date
|
||||
today.", "task_name": "What is the date today?", "context": "", "agent_role":
|
||||
"Reporter", "task_id": "53a9cb6d-b44a-4138-90d8-b283b96896b1"}}, {"event_id":
|
||||
"aa67e454-ba0b-421a-8346-413f3bd8cc7f", "timestamp": "2025-10-08T18:18:05.686194+00:00",
|
||||
"type": "agent_execution_started", "event_data": {"agent_role": "Reporter",
|
||||
"agent_goal": "Report the date", "agent_backstory": "You''re an expert reporter,
|
||||
specialized in reporting the date."}}, {"event_id": "b243d48b-fed4-402d-843c-bb445fd8ac63",
|
||||
"timestamp": "2025-10-08T18:18:05.686395+00:00", "type": "llm_call_started",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:05.686341+00:00", "type": "llm_call_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "What is the date today?", "task_id": "53a9cb6d-b44a-4138-90d8-b283b96896b1",
|
||||
"agent_id": "5c8b5b64-b13b-4328-9ddf-b640eeffc921", "agent_role": "Reporter",
|
||||
"from_task": null, "from_agent": null, "model": "gpt-4o-mini", "messages": [{"role":
|
||||
"system", "content": "You are Reporter. You''re an expert reporter, specialized
|
||||
in reporting the date.\nYour personal goal is: Report the date\nTo give my best
|
||||
complete final answer to the task respond using the exact following format:\n\nThought:
|
||||
I now can give a great answer\nFinal Answer: Your final answer must be the great
|
||||
and the most complete as possible, it must be outcome described.\n\nI MUST use
|
||||
these formats, my job depends on it!"}, {"role": "user", "content": "\nCurrent
|
||||
Task: What is the date today?\n\nThis is the expected criteria for your final
|
||||
answer: The date today.\nyou MUST return the actual complete content as the
|
||||
final answer, not a summary.\n\nBegin! This is VERY important to you, use the
|
||||
tools available and give your best Final Answer, your job depends on it!\n\nThought:"}],
|
||||
"tools": null, "callbacks": ["<crewai.utilities.token_counter_callback.TokenCalcHandler
|
||||
object at 0x134650250>"], "available_functions": null}}, {"event_id": "03c60039-86fb-46fb-8f8d-5e3f6360f3d6",
|
||||
"timestamp": "2025-10-08T18:18:05.692055+00:00", "type": "llm_call_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:05.691978+00:00", "type": "llm_call_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "What is the date today?", "task_id": "53a9cb6d-b44a-4138-90d8-b283b96896b1",
|
||||
"agent_id": "5c8b5b64-b13b-4328-9ddf-b640eeffc921", "agent_role": "Reporter",
|
||||
"from_task": null, "from_agent": null, "messages": [{"role": "system", "content":
|
||||
"You are Reporter. You''re an expert reporter, specialized in reporting the
|
||||
date.\nYour personal goal is: Report the date\nTo give my best complete final
|
||||
answer to the task respond using the exact following format:\n\nThought: I now
|
||||
can give a great answer\nFinal Answer: Your final answer must be the great and
|
||||
the most complete as possible, it must be outcome described.\n\nI MUST use these
|
||||
formats, my job depends on it!"}, {"role": "user", "content": "\nCurrent Task:
|
||||
What is the date today?\n\nThis is the expected criteria for your final answer:
|
||||
The date today.\nyou MUST return the actual complete content as the final answer,
|
||||
not a summary.\n\nBegin! This is VERY important to you, use the tools available
|
||||
and give your best Final Answer, your job depends on it!\n\nThought:"}], "response":
|
||||
"I now can give a great answer \nFinal Answer: The date today is October 10,
|
||||
2023.", "call_type": "<LLMCallType.LLM_CALL: ''llm_call''>", "model": "gpt-4o-mini"}},
|
||||
{"event_id": "59a036ae-406e-4a7a-b3d8-56bf519f5146", "timestamp": "2025-10-08T18:18:05.692309+00:00",
|
||||
"type": "agent_execution_completed", "event_data": {"agent_role": "Reporter",
|
||||
"agent_goal": "Report the date", "agent_backstory": "You''re an expert reporter,
|
||||
specialized in reporting the date."}}, {"event_id": "6c6475ff-f07b-4bc0-b754-c8b42c44d74d",
|
||||
"timestamp": "2025-10-08T18:18:05.692392+00:00", "type": "task_completed", "event_data":
|
||||
{"task_description": "What is the date today?", "task_name": "What is the date
|
||||
today?", "task_id": "53a9cb6d-b44a-4138-90d8-b283b96896b1", "output_raw": "The
|
||||
date today is October 10, 2023.", "output_format": "OutputFormat.RAW", "agent_role":
|
||||
"Reporter"}}, {"event_id": "a72161b7-a226-40ae-b80d-ba30bb9cfd9a", "timestamp":
|
||||
"2025-10-08T18:18:05.694941+00:00", "type": "crew_kickoff_completed", "event_data":
|
||||
{"timestamp": "2025-10-08T18:18:05.694898+00:00", "type": "crew_kickoff_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "output": {"description": "What is the date
|
||||
today?", "name": "What is the date today?", "expected_output": "The date today.",
|
||||
"summary": "What is the date today?...", "raw": "The date today is October 10,
|
||||
2023.", "pydantic": null, "json_dict": null, "agent": "Reporter", "output_format":
|
||||
"raw"}, "total_tokens": 188}}], "batch_metadata": {"events_count": 8, "batch_sequence":
|
||||
1, "is_final_batch": false}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '5505'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/874c2616-847c-47e7-a0d1-25839021e790/events
|
||||
response:
|
||||
body:
|
||||
string: '{"events_created":8,"trace_batch_id":"07db44f2-cd05-4a41-9e95-868bba731607"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '76'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"f02a02802518030657a73ce20468cad2"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.10, sql.active_record;dur=48.31, cache_generate.active_support;dur=5.45,
|
||||
cache_write.active_support;dur=0.12, cache_read_multi.active_support;dur=0.16,
|
||||
start_processing.action_controller;dur=0.00, instantiation.active_record;dur=0.37,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=87.31,
|
||||
process_action.action_controller;dur=407.46
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 4abba833-f6ab-480d-aee6-c19971dfd2ac
|
||||
x-runtime:
|
||||
- '0.468998'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"status": "completed", "duration_ms": 845, "final_event_count": 8}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '67'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: PATCH
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/874c2616-847c-47e7-a0d1-25839021e790/finalize
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"07db44f2-cd05-4a41-9e95-868bba731607","trace_id":"874c2616-847c-47e7-a0d1-25839021e790","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"completed","duration_ms":845,"crewai_version":"0.201.1","privacy_level":"standard","total_events":8,"execution_context":{"crew_name":"crew","flow_name":null,"privacy_level":"standard","crewai_version":"0.201.1","crew_fingerprint":null},"created_at":"2025-10-08T18:18:05.666Z","updated_at":"2025-10-08T18:18:06.849Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '481'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"33272f2ea7a679a4a8cb8ca15423ff59"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.06, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.10, start_processing.action_controller;dur=0.01,
|
||||
sql.active_record;dur=7.11, instantiation.active_record;dur=0.58, unpermitted_parameters.action_controller;dur=0.01,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=3.43,
|
||||
process_action.action_controller;dur=623.53
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- ed67c930-a05c-4dd3-91e0-268003ad8dc0
|
||||
x-runtime:
|
||||
- '0.669194'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
version: 1
|
||||
|
||||
@@ -1232,4 +1232,785 @@ interactions:
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"trace_id": "1a5c71d1-4e28-4432-aa20-c7ef93a2657b", "execution_type":
|
||||
"crew", "user_identifier": null, "execution_context": {"crew_fingerprint": null,
|
||||
"crew_name": "crew", "flow_name": null, "crewai_version": "0.201.1", "privacy_level":
|
||||
"standard"}, "execution_metadata": {"expected_duration_estimate": 300, "agent_count":
|
||||
0, "task_count": 0, "flow_method_count": 0, "execution_started_at": "2025-10-08T18:18:08.160521+00:00"}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '428'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"6ce9315e-6cf2-47fc-8bbe-38f1ecfde6e0","trace_id":"1a5c71d1-4e28-4432-aa20-c7ef93a2657b","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"running","duration_ms":null,"crewai_version":"0.201.1","privacy_level":"standard","total_events":0,"execution_context":{"crew_fingerprint":null,"crew_name":"crew","flow_name":null,"crewai_version":"0.201.1","privacy_level":"standard"},"created_at":"2025-10-08T18:18:08.537Z","updated_at":"2025-10-08T18:18:08.537Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '480'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"2d7cdd2b5dfd9348b00b41c8d1949533"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.05, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.08, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=17.75, instantiation.active_record;dur=0.31, feature_operation.flipper;dur=0.03,
|
||||
start_transaction.active_record;dur=0.00, transaction.active_record;dur=12.95,
|
||||
process_action.action_controller;dur=339.15
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- c1055b9b-558b-454c-ad68-4a015818cb88
|
||||
x-runtime:
|
||||
- '0.386365'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 201
|
||||
message: Created
|
||||
- request:
|
||||
body: '{"events": [{"event_id": "0cc4e68a-6616-43f7-a52b-7850cbb49f5b", "timestamp":
|
||||
"2025-10-08T18:18:08.551107+00:00", "type": "crew_kickoff_started", "event_data":
|
||||
{"timestamp": "2025-10-08T18:18:08.159311+00:00", "type": "crew_kickoff_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "inputs": null}}, {"event_id": "4328757a-7427-4068-a5f8-8361d2e7a42e",
|
||||
"timestamp": "2025-10-08T18:18:08.554388+00:00", "type": "task_started", "event_data":
|
||||
{"task_description": "Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''", "expected_output": "The
|
||||
score of the title.", "task_name": "Give me an integer score between 1-5 for
|
||||
the following title: ''The impact of AI in the future of work''", "context":
|
||||
"", "agent_role": "Crew Manager", "task_id": "5c23750c-affd-43fc-ad97-920bd15342e3"}},
|
||||
{"event_id": "9c6a75ec-0aa2-400b-95c5-7eb9812726f5", "timestamp": "2025-10-08T18:18:08.554839+00:00",
|
||||
"type": "agent_execution_started", "event_data": {"agent_role": "Crew Manager",
|
||||
"agent_goal": "Manage the team to complete the task in the best way possible.",
|
||||
"agent_backstory": "You are a seasoned manager with a knack for getting the
|
||||
best out of your team.\nYou are also known for your ability to delegate work
|
||||
to the right people, and to ask the right questions to get the best out of your
|
||||
team.\nEven though you don''t perform tasks by yourself, you have a lot of experience
|
||||
in the field, which allows you to properly evaluate the work of your team members."}},
|
||||
{"event_id": "dfd6bc3a-7abd-4e12-ad0b-fa8589657dee", "timestamp": "2025-10-08T18:18:08.554930+00:00",
|
||||
"type": "llm_call_started", "event_data": {"timestamp": "2025-10-08T18:18:08.554900+00:00",
|
||||
"type": "llm_call_started", "source_fingerprint": null, "source_type": null,
|
||||
"fingerprint_metadata": null, "task_name": "Give me an integer score between
|
||||
1-5 for the following title: ''The impact of AI in the future of work''", "task_id":
|
||||
"5c23750c-affd-43fc-ad97-920bd15342e3", "agent_id": "2fee0a63-ccf0-408a-9368-1b95eb6d628e",
|
||||
"agent_role": "Crew Manager", "from_task": null, "from_agent": null, "model":
|
||||
"gpt-4o", "messages": [{"role": "system", "content": "You are Crew Manager.
|
||||
You are a seasoned manager with a knack for getting the best out of your team.\nYou
|
||||
are also known for your ability to delegate work to the right people, and to
|
||||
ask the right questions to get the best out of your team.\nEven though you don''t
|
||||
perform tasks by yourself, you have a lot of experience in the field, which
|
||||
allows you to properly evaluate the work of your team members.\nYour personal
|
||||
goal is: Manage the team to complete the task in the best way possible.\nYou
|
||||
ONLY have access to the following tools, and should NEVER make up tools that
|
||||
are not listed here:\n\nTool Name: Delegate work to coworker\nTool Arguments:
|
||||
{''task'': {''description'': ''The task to delegate'', ''type'': ''str''}, ''context'':
|
||||
{''description'': ''The context for the task'', ''type'': ''str''}, ''coworker'':
|
||||
{''description'': ''The role/name of the coworker to delegate to'', ''type'':
|
||||
''str''}}\nTool Description: Delegate a specific task to one of the following
|
||||
coworkers: Scorer\nThe input to this tool should be the coworker, the task you
|
||||
want them to do, and ALL necessary context to execute the task, they know nothing
|
||||
about the task, so share absolutely everything you know, don''t reference things
|
||||
but instead explain them.\nTool Name: Ask question to coworker\nTool Arguments:
|
||||
{''question'': {''description'': ''The question to ask'', ''type'': ''str''},
|
||||
''context'': {''description'': ''The context for the question'', ''type'': ''str''},
|
||||
''coworker'': {''description'': ''The role/name of the coworker to ask'', ''type'':
|
||||
''str''}}\nTool Description: Ask a specific question to one of the following
|
||||
coworkers: Scorer\nThe input to this tool should be the coworker, the question
|
||||
you have for them, and ALL necessary context to ask the question properly, they
|
||||
know nothing about the question, so share absolutely everything you know, don''t
|
||||
reference things but instead explain them.\n\nIMPORTANT: Use the following format
|
||||
in your response:\n\n```\nThought: you should always think about what to do\nAction:
|
||||
the action to take, only one name of [Delegate work to coworker, Ask question
|
||||
to coworker], just the name, exactly as it''s written.\nAction Input: the input
|
||||
to the action, just a simple JSON object, enclosed in curly braces, using \"
|
||||
to wrap keys and values.\nObservation: the result of the action\n```\n\nOnce
|
||||
all necessary information is gathered, return the following format:\n\n```\nThought:
|
||||
I now know the final answer\nFinal Answer: the final answer to the original
|
||||
input question\n```"}, {"role": "user", "content": "\nCurrent Task: Give me
|
||||
an integer score between 1-5 for the following title: ''The impact of AI in
|
||||
the future of work''\n\nThis is the expected criteria for your final answer:
|
||||
The score of the title.\nyou MUST return the actual complete content as the
|
||||
final answer, not a summary.\nEnsure your final answer contains only the content
|
||||
in the following format: {\n \"score\": int\n}\n\nEnsure the final output does
|
||||
not include any code block markers like ```json or ```python.\n\nBegin! This
|
||||
is VERY important to you, use the tools available and give your best Final Answer,
|
||||
your job depends on it!\n\nThought:"}], "tools": null, "callbacks": ["<crewai.utilities.token_counter_callback.TokenCalcHandler
|
||||
object at 0x136aefd80>"], "available_functions": null}}, {"event_id": "58f2ed18-74e9-4e55-a925-41a6186c4e03",
|
||||
"timestamp": "2025-10-08T18:18:08.558164+00:00", "type": "llm_call_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:08.558128+00:00", "type": "llm_call_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "5c23750c-affd-43fc-ad97-920bd15342e3",
|
||||
"agent_id": "2fee0a63-ccf0-408a-9368-1b95eb6d628e", "agent_role": "Crew Manager",
|
||||
"from_task": null, "from_agent": null, "messages": [{"role": "system", "content":
|
||||
"You are Crew Manager. You are a seasoned manager with a knack for getting the
|
||||
best out of your team.\nYou are also known for your ability to delegate work
|
||||
to the right people, and to ask the right questions to get the best out of your
|
||||
team.\nEven though you don''t perform tasks by yourself, you have a lot of experience
|
||||
in the field, which allows you to properly evaluate the work of your team members.\nYour
|
||||
personal goal is: Manage the team to complete the task in the best way possible.\nYou
|
||||
ONLY have access to the following tools, and should NEVER make up tools that
|
||||
are not listed here:\n\nTool Name: Delegate work to coworker\nTool Arguments:
|
||||
{''task'': {''description'': ''The task to delegate'', ''type'': ''str''}, ''context'':
|
||||
{''description'': ''The context for the task'', ''type'': ''str''}, ''coworker'':
|
||||
{''description'': ''The role/name of the coworker to delegate to'', ''type'':
|
||||
''str''}}\nTool Description: Delegate a specific task to one of the following
|
||||
coworkers: Scorer\nThe input to this tool should be the coworker, the task you
|
||||
want them to do, and ALL necessary context to execute the task, they know nothing
|
||||
about the task, so share absolutely everything you know, don''t reference things
|
||||
but instead explain them.\nTool Name: Ask question to coworker\nTool Arguments:
|
||||
{''question'': {''description'': ''The question to ask'', ''type'': ''str''},
|
||||
''context'': {''description'': ''The context for the question'', ''type'': ''str''},
|
||||
''coworker'': {''description'': ''The role/name of the coworker to ask'', ''type'':
|
||||
''str''}}\nTool Description: Ask a specific question to one of the following
|
||||
coworkers: Scorer\nThe input to this tool should be the coworker, the question
|
||||
you have for them, and ALL necessary context to ask the question properly, they
|
||||
know nothing about the question, so share absolutely everything you know, don''t
|
||||
reference things but instead explain them.\n\nIMPORTANT: Use the following format
|
||||
in your response:\n\n```\nThought: you should always think about what to do\nAction:
|
||||
the action to take, only one name of [Delegate work to coworker, Ask question
|
||||
to coworker], just the name, exactly as it''s written.\nAction Input: the input
|
||||
to the action, just a simple JSON object, enclosed in curly braces, using \"
|
||||
to wrap keys and values.\nObservation: the result of the action\n```\n\nOnce
|
||||
all necessary information is gathered, return the following format:\n\n```\nThought:
|
||||
I now know the final answer\nFinal Answer: the final answer to the original
|
||||
input question\n```"}, {"role": "user", "content": "\nCurrent Task: Give me
|
||||
an integer score between 1-5 for the following title: ''The impact of AI in
|
||||
the future of work''\n\nThis is the expected criteria for your final answer:
|
||||
The score of the title.\nyou MUST return the actual complete content as the
|
||||
final answer, not a summary.\nEnsure your final answer contains only the content
|
||||
in the following format: {\n \"score\": int\n}\n\nEnsure the final output does
|
||||
not include any code block markers like ```json or ```python.\n\nBegin! This
|
||||
is VERY important to you, use the tools available and give your best Final Answer,
|
||||
your job depends on it!\n\nThought:"}], "response": "To provide the score for
|
||||
the title \"The impact of AI in the future of work,\" I need to ask Scorer to
|
||||
evaluate this based on the criteria they use. \n\nAction: Ask question to coworker\nAction
|
||||
Input: {\"question\": \"Can you provide an integer score between 1-5 for the
|
||||
title ''The impact of AI in the future of work''?\", \"context\": \"We need
|
||||
to evaluate this title based on your criteria for scoring titles. The context
|
||||
for the scoring revolves entirely around the perceived impact of AI on the future
|
||||
of work.\", \"coworker\": \"Scorer\"}", "call_type": "<LLMCallType.LLM_CALL:
|
||||
''llm_call''>", "model": "gpt-4o"}}, {"event_id": "ad826003-5d03-4bcc-bdd9-6db229b0a419",
|
||||
"timestamp": "2025-10-08T18:18:08.558720+00:00", "type": "tool_usage_started",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:08.558636+00:00", "type": "tool_usage_started",
|
||||
"source_fingerprint": "7ef5b626-3760-4b79-900f-65432b536f7c", "source_type":
|
||||
"agent", "fingerprint_metadata": null, "agent_key": "6b5becc64d7e3c705a7d3784a5fab1d3",
|
||||
"agent_role": "Crew Manager", "agent_id": null, "tool_name": "Ask question to
|
||||
coworker", "tool_args": "{\"question\": \"Can you provide an integer score between
|
||||
1-5 for the title ''The impact of AI in the future of work''?\", \"context\":
|
||||
\"We need to evaluate this title based on your criteria for scoring titles.
|
||||
The context for the scoring revolves entirely around the perceived impact of
|
||||
AI on the future of work.\", \"coworker\": \"Scorer\"}", "tool_class": "Ask
|
||||
question to coworker", "run_attempts": null, "delegations": null, "agent": {"id":
|
||||
"2fee0a63-ccf0-408a-9368-1b95eb6d628e", "role": "Crew Manager", "goal": "Manage
|
||||
the team to complete the task in the best way possible.", "backstory": "You
|
||||
are a seasoned manager with a knack for getting the best out of your team.\nYou
|
||||
are also known for your ability to delegate work to the right people, and to
|
||||
ask the right questions to get the best out of your team.\nEven though you don''t
|
||||
perform tasks by yourself, you have a lot of experience in the field, which
|
||||
allows you to properly evaluate the work of your team members.", "cache": true,
|
||||
"verbose": false, "max_rpm": null, "allow_delegation": true, "tools": [{"name":
|
||||
"''Delegate work to coworker''", "description": "\"Tool Name: Delegate work
|
||||
to coworker\\nTool Arguments: {''task'': {''description'': ''The task to delegate'',
|
||||
''type'': ''str''}, ''context'': {''description'': ''The context for the task'',
|
||||
''type'': ''str''}, ''coworker'': {''description'': ''The role/name of the coworker
|
||||
to delegate to'', ''type'': ''str''}}\\nTool Description: Delegate a specific
|
||||
task to one of the following coworkers: Scorer\\nThe input to this tool should
|
||||
be the coworker, the task you want them to do, and ALL necessary context to
|
||||
execute the task, they know nothing about the task, so share absolutely everything
|
||||
you know, don''t reference things but instead explain them.\"", "env_vars":
|
||||
"[]", "args_schema": "<class ''crewai.tools.agent_tools.delegate_work_tool.DelegateWorkToolSchema''>",
|
||||
"description_updated": "False", "cache_function": "<function BaseTool.<lambda>
|
||||
at 0x1127be8e0>", "result_as_answer": "False", "max_usage_count": "None", "current_usage_count":
|
||||
"0"}, {"name": "''Ask question to coworker''", "description": "\"Tool Name:
|
||||
Ask question to coworker\\nTool Arguments: {''question'': {''description'':
|
||||
''The question to ask'', ''type'': ''str''}, ''context'': {''description'':
|
||||
''The context for the question'', ''type'': ''str''}, ''coworker'': {''description'':
|
||||
''The role/name of the coworker to ask'', ''type'': ''str''}}\\nTool Description:
|
||||
Ask a specific question to one of the following coworkers: Scorer\\nThe input
|
||||
to this tool should be the coworker, the question you have for them, and ALL
|
||||
necessary context to ask the question properly, they know nothing about the
|
||||
question, so share absolutely everything you know, don''t reference things but
|
||||
instead explain them.\"", "env_vars": "[]", "args_schema": "<class ''crewai.tools.agent_tools.ask_question_tool.AskQuestionToolSchema''>",
|
||||
"description_updated": "False", "cache_function": "<function BaseTool.<lambda>
|
||||
at 0x1127be8e0>", "result_as_answer": "False", "max_usage_count": "None", "current_usage_count":
|
||||
"0"}], "max_iter": 25, "agent_executor": "<crewai.agents.crew_agent_executor.CrewAgentExecutor
|
||||
object at 0x136ce03b0>", "llm": "<crewai.llm.LLM object at 0x136d04050>", "crew":
|
||||
{"parent_flow": null, "name": "crew", "cache": true, "tasks": ["{''used_tools'':
|
||||
0, ''tools_errors'': 0, ''delegations'': 0, ''i18n'': {''prompt_file'': None},
|
||||
''name'': None, ''prompt_context'': '''', ''description'': \"Give me an integer
|
||||
score between 1-5 for the following title: ''The impact of AI in the future
|
||||
of work''\", ''expected_output'': ''The score of the title.'', ''config'': None,
|
||||
''callback'': None, ''agent'': {''id'': UUID(''2fee0a63-ccf0-408a-9368-1b95eb6d628e''),
|
||||
''role'': ''Crew Manager'', ''goal'': ''Manage the team to complete the task
|
||||
in the best way possible.'', ''backstory'': \"You are a seasoned manager with
|
||||
a knack for getting the best out of your team.\\nYou are also known for your
|
||||
ability to delegate work to the right people, and to ask the right questions
|
||||
to get the best out of your team.\\nEven though you don''t perform tasks by
|
||||
yourself, you have a lot of experience in the field, which allows you to properly
|
||||
evaluate the work of your team members.\", ''cache'': True, ''verbose'': False,
|
||||
''max_rpm'': None, ''allow_delegation'': True, ''tools'': [{''name'': ''Delegate
|
||||
work to coworker'', ''description'': \"Tool Name: Delegate work to coworker\\nTool
|
||||
Arguments: {''task'': {''description'': ''The task to delegate'', ''type'':
|
||||
''str''}, ''context'': {''description'': ''The context for the task'', ''type'':
|
||||
''str''}, ''coworker'': {''description'': ''The role/name of the coworker to
|
||||
delegate to'', ''type'': ''str''}}\\nTool Description: Delegate a specific task
|
||||
to one of the following coworkers: Scorer\\nThe input to this tool should be
|
||||
the coworker, the task you want them to do, and ALL necessary context to execute
|
||||
the task, they know nothing about the task, so share absolutely everything you
|
||||
know, don''t reference things but instead explain them.\", ''env_vars'': [],
|
||||
''args_schema'': <class ''crewai.tools.agent_tools.delegate_work_tool.DelegateWorkToolSchema''>,
|
||||
''description_updated'': False, ''cache_function'': <function BaseTool.<lambda>
|
||||
at 0x1127be8e0>, ''result_as_answer'': False, ''max_usage_count'': None, ''current_usage_count'':
|
||||
0}, {''name'': ''Ask question to coworker'', ''description'': \"Tool Name: Ask
|
||||
question to coworker\\nTool Arguments: {''question'': {''description'': ''The
|
||||
question to ask'', ''type'': ''str''}, ''context'': {''description'': ''The
|
||||
context for the question'', ''type'': ''str''}, ''coworker'': {''description'':
|
||||
''The role/name of the coworker to ask'', ''type'': ''str''}}\\nTool Description:
|
||||
Ask a specific question to one of the following coworkers: Scorer\\nThe input
|
||||
to this tool should be the coworker, the question you have for them, and ALL
|
||||
necessary context to ask the question properly, they know nothing about the
|
||||
question, so share absolutely everything you know, don''t reference things but
|
||||
instead explain them.\", ''env_vars'': [], ''args_schema'': <class ''crewai.tools.agent_tools.ask_question_tool.AskQuestionToolSchema''>,
|
||||
''description_updated'': False, ''cache_function'': <function BaseTool.<lambda>
|
||||
at 0x1127be8e0>, ''result_as_answer'': False, ''max_usage_count'': None, ''current_usage_count'':
|
||||
0}], ''max_iter'': 25, ''agent_executor'': <crewai.agents.crew_agent_executor.CrewAgentExecutor
|
||||
object at 0x136ce03b0>, ''llm'': <crewai.llm.LLM object at 0x136d04050>, ''crew'':
|
||||
Crew(id=7237e268-30a9-4eca-b754-a6dea72b2dfc, process=Process.hierarchical,
|
||||
number_of_agents=1, number_of_tasks=1), ''i18n'': {''prompt_file'': None}, ''cache_handler'':
|
||||
{}, ''tools_handler'': <crewai.agents.tools_handler.ToolsHandler object at 0x136aef8b0>,
|
||||
''tools_results'': [], ''max_tokens'': None, ''knowledge'': None, ''knowledge_sources'':
|
||||
None, ''knowledge_storage'': None, ''security_config'': {''fingerprint'': {''metadata'':
|
||||
{}}}, ''callbacks'': [], ''adapted_agent'': False, ''knowledge_config'': None},
|
||||
''context'': NOT_SPECIFIED, ''async_execution'': False, ''output_json'': <class
|
||||
''tests.test_task.test_output_json_hierarchical.<locals>.ScoreOutput''>, ''output_pydantic'':
|
||||
None, ''output_file'': None, ''create_directory'': True, ''output'': None, ''tools'':
|
||||
[], ''security_config'': {''fingerprint'': {''metadata'': {}}}, ''id'': UUID(''5c23750c-affd-43fc-ad97-920bd15342e3''),
|
||||
''human_input'': False, ''markdown'': False, ''converter_cls'': None, ''processed_by_agents'':
|
||||
{''Crew Manager''}, ''guardrail'': None, ''max_retries'': None, ''guardrail_max_retries'':
|
||||
3, ''retry_count'': 0, ''start_time'': datetime.datetime(2025, 10, 8, 11, 18,
|
||||
8, 554345), ''end_time'': None, ''allow_crewai_trigger_context'': None}"], "agents":
|
||||
["{''id'': UUID(''16778b49-13e6-4cfc-bc0c-c95ebc698cb5''), ''role'': ''Scorer'',
|
||||
''goal'': ''Score the title'', ''backstory'': \"You''re an expert scorer, specialized
|
||||
in scoring titles.\", ''cache'': True, ''verbose'': False, ''max_rpm'': None,
|
||||
''allow_delegation'': False, ''tools'': [], ''max_iter'': 25, ''agent_executor'':
|
||||
<crewai.agents.crew_agent_executor.CrewAgentExecutor object at 0x136ce0290>,
|
||||
''llm'': <crewai.llm.LLM object at 0x136a97950>, ''crew'': Crew(id=7237e268-30a9-4eca-b754-a6dea72b2dfc,
|
||||
process=Process.hierarchical, number_of_agents=1, number_of_tasks=1), ''i18n'':
|
||||
{''prompt_file'': None}, ''cache_handler'': {}, ''tools_handler'': <crewai.agents.tools_handler.ToolsHandler
|
||||
object at 0x133fd0710>, ''tools_results'': [], ''max_tokens'': None, ''knowledge'':
|
||||
None, ''knowledge_sources'': None, ''knowledge_storage'': None, ''security_config'':
|
||||
{''fingerprint'': {''metadata'': {}}}, ''callbacks'': [], ''adapted_agent'':
|
||||
False, ''knowledge_config'': None}"], "process": "hierarchical", "verbose":
|
||||
false, "memory": false, "short_term_memory": null, "long_term_memory": null,
|
||||
"entity_memory": null, "external_memory": null, "embedder": null, "usage_metrics":
|
||||
null, "manager_llm": "<crewai.llm.LLM object at 0x136d04050>", "manager_agent":
|
||||
{"id": "UUID(''2fee0a63-ccf0-408a-9368-1b95eb6d628e'')", "role": "''Crew Manager''",
|
||||
"goal": "''Manage the team to complete the task in the best way possible.''",
|
||||
"backstory": "\"You are a seasoned manager with a knack for getting the best
|
||||
out of your team.\\nYou are also known for your ability to delegate work to
|
||||
the right people, and to ask the right questions to get the best out of your
|
||||
team.\\nEven though you don''t perform tasks by yourself, you have a lot of
|
||||
experience in the field, which allows you to properly evaluate the work of your
|
||||
team members.\"", "cache": "True", "verbose": "False", "max_rpm": "None", "allow_delegation":
|
||||
"True", "tools": "[{''name'': ''Delegate work to coworker'', ''description'':
|
||||
\"Tool Name: Delegate work to coworker\\nTool Arguments: {''task'': {''description'':
|
||||
''The task to delegate'', ''type'': ''str''}, ''context'': {''description'':
|
||||
''The context for the task'', ''type'': ''str''}, ''coworker'': {''description'':
|
||||
''The role/name of the coworker to delegate to'', ''type'': ''str''}}\\nTool
|
||||
Description: Delegate a specific task to one of the following coworkers: Scorer\\nThe
|
||||
input to this tool should be the coworker, the task you want them to do, and
|
||||
ALL necessary context to execute the task, they know nothing about the task,
|
||||
so share absolutely everything you know, don''t reference things but instead
|
||||
explain them.\", ''env_vars'': [], ''args_schema'': <class ''crewai.tools.agent_tools.delegate_work_tool.DelegateWorkToolSchema''>,
|
||||
''description_updated'': False, ''cache_function'': <function BaseTool.<lambda>
|
||||
at 0x1127be8e0>, ''result_as_answer'': False, ''max_usage_count'': None, ''current_usage_count'':
|
||||
0}, {''name'': ''Ask question to coworker'', ''description'': \"Tool Name: Ask
|
||||
question to coworker\\nTool Arguments: {''question'': {''description'': ''The
|
||||
question to ask'', ''type'': ''str''}, ''context'': {''description'': ''The
|
||||
context for the question'', ''type'': ''str''}, ''coworker'': {''description'':
|
||||
''The role/name of the coworker to ask'', ''type'': ''str''}}\\nTool Description:
|
||||
Ask a specific question to one of the following coworkers: Scorer\\nThe input
|
||||
to this tool should be the coworker, the question you have for them, and ALL
|
||||
necessary context to ask the question properly, they know nothing about the
|
||||
question, so share absolutely everything you know, don''t reference things but
|
||||
instead explain them.\", ''env_vars'': [], ''args_schema'': <class ''crewai.tools.agent_tools.ask_question_tool.AskQuestionToolSchema''>,
|
||||
''description_updated'': False, ''cache_function'': <function BaseTool.<lambda>
|
||||
at 0x1127be8e0>, ''result_as_answer'': False, ''max_usage_count'': None, ''current_usage_count'':
|
||||
0}]", "max_iter": "25", "agent_executor": "<crewai.agents.crew_agent_executor.CrewAgentExecutor
|
||||
object at 0x136ce03b0>", "llm": "<crewai.llm.LLM object at 0x136d04050>", "crew":
|
||||
"Crew(id=7237e268-30a9-4eca-b754-a6dea72b2dfc, process=Process.hierarchical,
|
||||
number_of_agents=1, number_of_tasks=1)", "i18n": "{''prompt_file'': None}",
|
||||
"cache_handler": "{}", "tools_handler": "<crewai.agents.tools_handler.ToolsHandler
|
||||
object at 0x136aef8b0>", "tools_results": "[]", "max_tokens": "None", "knowledge":
|
||||
"None", "knowledge_sources": "None", "knowledge_storage": "None", "security_config":
|
||||
"{''fingerprint'': {''metadata'': {}}}", "callbacks": "[]", "adapted_agent":
|
||||
"False", "knowledge_config": "None"}, "function_calling_llm": null, "config":
|
||||
null, "id": "7237e268-30a9-4eca-b754-a6dea72b2dfc", "share_crew": false, "step_callback":
|
||||
null, "task_callback": null, "before_kickoff_callbacks": [], "after_kickoff_callbacks":
|
||||
[], "max_rpm": null, "prompt_file": null, "output_log_file": null, "planning":
|
||||
false, "planning_llm": null, "task_execution_output_json_files": null, "execution_logs":
|
||||
[], "knowledge_sources": null, "chat_llm": null, "knowledge": null, "security_config":
|
||||
{"fingerprint": "{''metadata'': {}}"}, "token_usage": null, "tracing": false},
|
||||
"i18n": {"prompt_file": null}, "cache_handler": {}, "tools_handler": "<crewai.agents.tools_handler.ToolsHandler
|
||||
object at 0x136aef8b0>", "tools_results": [], "max_tokens": null, "knowledge":
|
||||
null, "knowledge_sources": null, "knowledge_storage": null, "security_config":
|
||||
{"fingerprint": {"metadata": "{}"}}, "callbacks": [], "adapted_agent": false,
|
||||
"knowledge_config": null, "max_execution_time": null, "agent_ops_agent_name":
|
||||
"Crew Manager", "agent_ops_agent_id": null, "step_callback": null, "use_system_prompt":
|
||||
true, "function_calling_llm": null, "system_template": null, "prompt_template":
|
||||
null, "response_template": null, "allow_code_execution": false, "respect_context_window":
|
||||
true, "max_retry_limit": 2, "multimodal": false, "inject_date": false, "date_format":
|
||||
"%Y-%m-%d", "code_execution_mode": "safe", "reasoning": false, "max_reasoning_attempts":
|
||||
null, "embedder": null, "agent_knowledge_context": null, "crew_knowledge_context":
|
||||
null, "knowledge_search_query": null, "from_repository": null, "guardrail":
|
||||
null, "guardrail_max_retries": 3}, "task_name": "Give me an integer score between
|
||||
1-5 for the following title: ''The impact of AI in the future of work''", "task_id":
|
||||
"5c23750c-affd-43fc-ad97-920bd15342e3", "from_task": null, "from_agent": null}},
|
||||
{"event_id": "b666ec5d-63b6-4d97-86f9-7ce85babdadd", "timestamp": "2025-10-08T18:18:08.560511+00:00",
|
||||
"type": "agent_execution_started", "event_data": {"agent_role": "Scorer", "agent_goal":
|
||||
"Score the title", "agent_backstory": "You''re an expert scorer, specialized
|
||||
in scoring titles."}}, {"event_id": "ab280ea3-e649-4ed5-87f1-00363f28a5c9",
|
||||
"timestamp": "2025-10-08T18:18:08.560588+00:00", "type": "llm_call_started",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:08.560564+00:00", "type": "llm_call_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Can you provide an integer score between 1-5 for the title ''The
|
||||
impact of AI in the future of work''?", "task_id": "d249cc86-962d-45ff-848d-46ebf36fb14f",
|
||||
"agent_id": "16778b49-13e6-4cfc-bc0c-c95ebc698cb5", "agent_role": "Scorer",
|
||||
"from_task": null, "from_agent": null, "model": "gpt-4o-mini", "messages": [{"role":
|
||||
"system", "content": "You are Scorer. You''re an expert scorer, specialized
|
||||
in scoring titles.\nYour personal goal is: Score the title\nTo give my best
|
||||
complete final answer to the task respond using the exact following format:\n\nThought:
|
||||
I now can give a great answer\nFinal Answer: Your final answer must be the great
|
||||
and the most complete as possible, it must be outcome described.\n\nI MUST use
|
||||
these formats, my job depends on it!"}, {"role": "user", "content": "\nCurrent
|
||||
Task: Can you provide an integer score between 1-5 for the title ''The impact
|
||||
of AI in the future of work''?\n\nThis is the expected criteria for your final
|
||||
answer: Your best answer to your coworker asking you this, accounting for the
|
||||
context shared.\nyou MUST return the actual complete content as the final answer,
|
||||
not a summary.\n\nThis is the context you''re working with:\nWe need to evaluate
|
||||
this title based on your criteria for scoring titles. The context for the scoring
|
||||
revolves entirely around the perceived impact of AI on the future of work.\n\nBegin!
|
||||
This is VERY important to you, use the tools available and give your best Final
|
||||
Answer, your job depends on it!\n\nThought:"}], "tools": null, "callbacks":
|
||||
["<crewai.utilities.token_counter_callback.TokenCalcHandler object at 0x136cad8b0>"],
|
||||
"available_functions": null}}, {"event_id": "4c9b120f-bed5-4398-8a53-7e581b552a04",
|
||||
"timestamp": "2025-10-08T18:18:08.564442+00:00", "type": "llm_call_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:08.564412+00:00", "type": "llm_call_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Can you provide an integer score between 1-5 for the title ''The
|
||||
impact of AI in the future of work''?", "task_id": "d249cc86-962d-45ff-848d-46ebf36fb14f",
|
||||
"agent_id": "16778b49-13e6-4cfc-bc0c-c95ebc698cb5", "agent_role": "Scorer",
|
||||
"from_task": null, "from_agent": null, "messages": [{"role": "system", "content":
|
||||
"You are Scorer. You''re an expert scorer, specialized in scoring titles.\nYour
|
||||
personal goal is: Score the title\nTo give my best complete final answer to
|
||||
the task respond using the exact following format:\n\nThought: I now can give
|
||||
a great answer\nFinal Answer: Your final answer must be the great and the most
|
||||
complete as possible, it must be outcome described.\n\nI MUST use these formats,
|
||||
my job depends on it!"}, {"role": "user", "content": "\nCurrent Task: Can you
|
||||
provide an integer score between 1-5 for the title ''The impact of AI in the
|
||||
future of work''?\n\nThis is the expected criteria for your final answer: Your
|
||||
best answer to your coworker asking you this, accounting for the context shared.\nyou
|
||||
MUST return the actual complete content as the final answer, not a summary.\n\nThis
|
||||
is the context you''re working with:\nWe need to evaluate this title based on
|
||||
your criteria for scoring titles. The context for the scoring revolves entirely
|
||||
around the perceived impact of AI on the future of work.\n\nBegin! This is VERY
|
||||
important to you, use the tools available and give your best Final Answer, your
|
||||
job depends on it!\n\nThought:"}], "response": "Thought: I now can give a great
|
||||
answer\nFinal Answer: 4 - The title ''The impact of AI in the future of work''
|
||||
is clear and directly addresses a timely and significant topic that is highly
|
||||
relevant in today''s context. However, it could be made even more specific to
|
||||
immediately hook the reader or audience.", "call_type": "<LLMCallType.LLM_CALL:
|
||||
''llm_call''>", "model": "gpt-4o-mini"}}, {"event_id": "c3ab05fd-538f-43af-b3cf-459efac2e3f9",
|
||||
"timestamp": "2025-10-08T18:18:08.564558+00:00", "type": "agent_execution_completed",
|
||||
"event_data": {"agent_role": "Scorer", "agent_goal": "Score the title", "agent_backstory":
|
||||
"You''re an expert scorer, specialized in scoring titles."}}, {"event_id": "ac4cb494-7cea-4335-8975-27afbe134b6f",
|
||||
"timestamp": "2025-10-08T18:18:08.564704+00:00", "type": "tool_usage_finished",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:08.564655+00:00", "type": "tool_usage_finished",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"agent_key": "6b5becc64d7e3c705a7d3784a5fab1d3", "agent_role": "Crew Manager",
|
||||
"agent_id": null, "tool_name": "Ask question to coworker", "tool_args": {"question":
|
||||
"Can you provide an integer score between 1-5 for the title ''The impact of
|
||||
AI in the future of work''?", "context": "We need to evaluate this title based
|
||||
on your criteria for scoring titles. The context for the scoring revolves entirely
|
||||
around the perceived impact of AI on the future of work.", "coworker": "Scorer"},
|
||||
"tool_class": "CrewStructuredTool", "run_attempts": 1, "delegations": 1, "agent":
|
||||
null, "task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "5c23750c-affd-43fc-ad97-920bd15342e3",
|
||||
"from_task": null, "from_agent": null, "started_at": "2025-10-08T11:18:08.559118",
|
||||
"finished_at": "2025-10-08T11:18:08.564633", "from_cache": false, "output":
|
||||
"4 - The title ''The impact of AI in the future of work'' is clear and directly
|
||||
addresses a timely and significant topic that is highly relevant in today''s
|
||||
context. However, it could be made even more specific to immediately hook the
|
||||
reader or audience."}}, {"event_id": "96c713d7-689d-430b-afbc-aa38998c1988",
|
||||
"timestamp": "2025-10-08T18:18:08.564815+00:00", "type": "llm_call_started",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:08.564794+00:00", "type": "llm_call_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "5c23750c-affd-43fc-ad97-920bd15342e3",
|
||||
"agent_id": "2fee0a63-ccf0-408a-9368-1b95eb6d628e", "agent_role": "Crew Manager",
|
||||
"from_task": null, "from_agent": null, "model": "gpt-4o", "messages": [{"role":
|
||||
"system", "content": "You are Crew Manager. You are a seasoned manager with
|
||||
a knack for getting the best out of your team.\nYou are also known for your
|
||||
ability to delegate work to the right people, and to ask the right questions
|
||||
to get the best out of your team.\nEven though you don''t perform tasks by yourself,
|
||||
you have a lot of experience in the field, which allows you to properly evaluate
|
||||
the work of your team members.\nYour personal goal is: Manage the team to complete
|
||||
the task in the best way possible.\nYou ONLY have access to the following tools,
|
||||
and should NEVER make up tools that are not listed here:\n\nTool Name: Delegate
|
||||
work to coworker\nTool Arguments: {''task'': {''description'': ''The task to
|
||||
delegate'', ''type'': ''str''}, ''context'': {''description'': ''The context
|
||||
for the task'', ''type'': ''str''}, ''coworker'': {''description'': ''The role/name
|
||||
of the coworker to delegate to'', ''type'': ''str''}}\nTool Description: Delegate
|
||||
a specific task to one of the following coworkers: Scorer\nThe input to this
|
||||
tool should be the coworker, the task you want them to do, and ALL necessary
|
||||
context to execute the task, they know nothing about the task, so share absolutely
|
||||
everything you know, don''t reference things but instead explain them.\nTool
|
||||
Name: Ask question to coworker\nTool Arguments: {''question'': {''description'':
|
||||
''The question to ask'', ''type'': ''str''}, ''context'': {''description'':
|
||||
''The context for the question'', ''type'': ''str''}, ''coworker'': {''description'':
|
||||
''The role/name of the coworker to ask'', ''type'': ''str''}}\nTool Description:
|
||||
Ask a specific question to one of the following coworkers: Scorer\nThe input
|
||||
to this tool should be the coworker, the question you have for them, and ALL
|
||||
necessary context to ask the question properly, they know nothing about the
|
||||
question, so share absolutely everything you know, don''t reference things but
|
||||
instead explain them.\n\nIMPORTANT: Use the following format in your response:\n\n```\nThought:
|
||||
you should always think about what to do\nAction: the action to take, only one
|
||||
name of [Delegate work to coworker, Ask question to coworker], just the name,
|
||||
exactly as it''s written.\nAction Input: the input to the action, just a simple
|
||||
JSON object, enclosed in curly braces, using \" to wrap keys and values.\nObservation:
|
||||
the result of the action\n```\n\nOnce all necessary information is gathered,
|
||||
return the following format:\n\n```\nThought: I now know the final answer\nFinal
|
||||
Answer: the final answer to the original input question\n```"}, {"role": "user",
|
||||
"content": "\nCurrent Task: Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''\n\nThis is the expected criteria
|
||||
for your final answer: The score of the title.\nyou MUST return the actual complete
|
||||
content as the final answer, not a summary.\nEnsure your final answer contains
|
||||
only the content in the following format: {\n \"score\": int\n}\n\nEnsure the
|
||||
final output does not include any code block markers like ```json or ```python.\n\nBegin!
|
||||
This is VERY important to you, use the tools available and give your best Final
|
||||
Answer, your job depends on it!\n\nThought:"}, {"role": "assistant", "content":
|
||||
"To provide the score for the title \"The impact of AI in the future of work,\"
|
||||
I need to ask Scorer to evaluate this based on the criteria they use. \n\nAction:
|
||||
Ask question to coworker\nAction Input: {\"question\": \"Can you provide an
|
||||
integer score between 1-5 for the title ''The impact of AI in the future of
|
||||
work''?\", \"context\": \"We need to evaluate this title based on your criteria
|
||||
for scoring titles. The context for the scoring revolves entirely around the
|
||||
perceived impact of AI on the future of work.\", \"coworker\": \"Scorer\"}\nObservation:
|
||||
4 - The title ''The impact of AI in the future of work'' is clear and directly
|
||||
addresses a timely and significant topic that is highly relevant in today''s
|
||||
context. However, it could be made even more specific to immediately hook the
|
||||
reader or audience."}], "tools": null, "callbacks": ["<crewai.utilities.token_counter_callback.TokenCalcHandler
|
||||
object at 0x136aefd80>"], "available_functions": null}}, {"event_id": "d51c432f-8ae5-4c42-8b24-317a494ec4bd",
|
||||
"timestamp": "2025-10-08T18:18:08.567836+00:00", "type": "llm_call_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:08.567811+00:00", "type": "llm_call_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "5c23750c-affd-43fc-ad97-920bd15342e3",
|
||||
"agent_id": "2fee0a63-ccf0-408a-9368-1b95eb6d628e", "agent_role": "Crew Manager",
|
||||
"from_task": null, "from_agent": null, "messages": [{"role": "system", "content":
|
||||
"You are Crew Manager. You are a seasoned manager with a knack for getting the
|
||||
best out of your team.\nYou are also known for your ability to delegate work
|
||||
to the right people, and to ask the right questions to get the best out of your
|
||||
team.\nEven though you don''t perform tasks by yourself, you have a lot of experience
|
||||
in the field, which allows you to properly evaluate the work of your team members.\nYour
|
||||
personal goal is: Manage the team to complete the task in the best way possible.\nYou
|
||||
ONLY have access to the following tools, and should NEVER make up tools that
|
||||
are not listed here:\n\nTool Name: Delegate work to coworker\nTool Arguments:
|
||||
{''task'': {''description'': ''The task to delegate'', ''type'': ''str''}, ''context'':
|
||||
{''description'': ''The context for the task'', ''type'': ''str''}, ''coworker'':
|
||||
{''description'': ''The role/name of the coworker to delegate to'', ''type'':
|
||||
''str''}}\nTool Description: Delegate a specific task to one of the following
|
||||
coworkers: Scorer\nThe input to this tool should be the coworker, the task you
|
||||
want them to do, and ALL necessary context to execute the task, they know nothing
|
||||
about the task, so share absolutely everything you know, don''t reference things
|
||||
but instead explain them.\nTool Name: Ask question to coworker\nTool Arguments:
|
||||
{''question'': {''description'': ''The question to ask'', ''type'': ''str''},
|
||||
''context'': {''description'': ''The context for the question'', ''type'': ''str''},
|
||||
''coworker'': {''description'': ''The role/name of the coworker to ask'', ''type'':
|
||||
''str''}}\nTool Description: Ask a specific question to one of the following
|
||||
coworkers: Scorer\nThe input to this tool should be the coworker, the question
|
||||
you have for them, and ALL necessary context to ask the question properly, they
|
||||
know nothing about the question, so share absolutely everything you know, don''t
|
||||
reference things but instead explain them.\n\nIMPORTANT: Use the following format
|
||||
in your response:\n\n```\nThought: you should always think about what to do\nAction:
|
||||
the action to take, only one name of [Delegate work to coworker, Ask question
|
||||
to coworker], just the name, exactly as it''s written.\nAction Input: the input
|
||||
to the action, just a simple JSON object, enclosed in curly braces, using \"
|
||||
to wrap keys and values.\nObservation: the result of the action\n```\n\nOnce
|
||||
all necessary information is gathered, return the following format:\n\n```\nThought:
|
||||
I now know the final answer\nFinal Answer: the final answer to the original
|
||||
input question\n```"}, {"role": "user", "content": "\nCurrent Task: Give me
|
||||
an integer score between 1-5 for the following title: ''The impact of AI in
|
||||
the future of work''\n\nThis is the expected criteria for your final answer:
|
||||
The score of the title.\nyou MUST return the actual complete content as the
|
||||
final answer, not a summary.\nEnsure your final answer contains only the content
|
||||
in the following format: {\n \"score\": int\n}\n\nEnsure the final output does
|
||||
not include any code block markers like ```json or ```python.\n\nBegin! This
|
||||
is VERY important to you, use the tools available and give your best Final Answer,
|
||||
your job depends on it!\n\nThought:"}, {"role": "assistant", "content": "To
|
||||
provide the score for the title \"The impact of AI in the future of work,\"
|
||||
I need to ask Scorer to evaluate this based on the criteria they use. \n\nAction:
|
||||
Ask question to coworker\nAction Input: {\"question\": \"Can you provide an
|
||||
integer score between 1-5 for the title ''The impact of AI in the future of
|
||||
work''?\", \"context\": \"We need to evaluate this title based on your criteria
|
||||
for scoring titles. The context for the scoring revolves entirely around the
|
||||
perceived impact of AI on the future of work.\", \"coworker\": \"Scorer\"}\nObservation:
|
||||
4 - The title ''The impact of AI in the future of work'' is clear and directly
|
||||
addresses a timely and significant topic that is highly relevant in today''s
|
||||
context. However, it could be made even more specific to immediately hook the
|
||||
reader or audience."}], "response": "Thought: I have received the score from
|
||||
Scorer.\n\nFinal Answer: 4 - The title ''The impact of AI in the future of work''
|
||||
is clear and directly addresses a timely and significant topic that is highly
|
||||
relevant in today''s context. However, it could be made even more specific to
|
||||
immediately hook the reader or audience.", "call_type": "<LLMCallType.LLM_CALL:
|
||||
''llm_call''>", "model": "gpt-4o"}}, {"event_id": "6edb30ea-b452-4983-8442-d0fd34aadc6f",
|
||||
"timestamp": "2025-10-08T18:18:08.567937+00:00", "type": "agent_execution_completed",
|
||||
"event_data": {"agent_role": "Crew Manager", "agent_goal": "Manage the team
|
||||
to complete the task in the best way possible.", "agent_backstory": "You are
|
||||
a seasoned manager with a knack for getting the best out of your team.\nYou
|
||||
are also known for your ability to delegate work to the right people, and to
|
||||
ask the right questions to get the best out of your team.\nEven though you don''t
|
||||
perform tasks by yourself, you have a lot of experience in the field, which
|
||||
allows you to properly evaluate the work of your team members."}}, {"event_id":
|
||||
"f365ca78-ddbf-43bd-ac3e-ce31457800b9", "timestamp": "2025-10-08T18:18:08.571375+00:00",
|
||||
"type": "task_completed", "event_data": {"task_description": "Give me an integer
|
||||
score between 1-5 for the following title: ''The impact of AI in the future
|
||||
of work''", "task_name": "Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''", "task_id": "5c23750c-affd-43fc-ad97-920bd15342e3",
|
||||
"output_raw": "4 - The title ''The impact of AI in the future of work'' is clear
|
||||
and directly addresses a timely and significant topic that is highly relevant
|
||||
in today''s context. However, it could be made even more specific to immediately
|
||||
hook the reader or audience.", "output_format": "OutputFormat.JSON", "agent_role":
|
||||
"Crew Manager"}}, {"event_id": "5e2ac85b-d76c-4b38-b2b6-fd0e06f0ad41", "timestamp":
|
||||
"2025-10-08T18:18:08.572521+00:00", "type": "crew_kickoff_completed", "event_data":
|
||||
{"timestamp": "2025-10-08T18:18:08.572500+00:00", "type": "crew_kickoff_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "output": {"description": "Give me an integer
|
||||
score between 1-5 for the following title: ''The impact of AI in the future
|
||||
of work''", "name": "Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''", "expected_output": "The
|
||||
score of the title.", "summary": "Give me an integer score between 1-5 for the
|
||||
following...", "raw": "4 - The title ''The impact of AI in the future of work''
|
||||
is clear and directly addresses a timely and significant topic that is highly
|
||||
relevant in today''s context. However, it could be made even more specific to
|
||||
immediately hook the reader or audience.", "pydantic": null, "json_dict": {"score":
|
||||
4}, "agent": "Crew Manager", "output_format": "json"}, "total_tokens": 1996}}],
|
||||
"batch_metadata": {"events_count": 16, "batch_sequence": 1, "is_final_batch":
|
||||
false}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '42639'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/1a5c71d1-4e28-4432-aa20-c7ef93a2657b/events
|
||||
response:
|
||||
body:
|
||||
string: '{"events_created":16,"trace_batch_id":"6ce9315e-6cf2-47fc-8bbe-38f1ecfde6e0"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '77'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"3acf767046d524a3f23c35c4eea8012e"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.06, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.11, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=74.18, instantiation.active_record;dur=0.41, start_transaction.active_record;dur=0.00,
|
||||
transaction.active_record;dur=173.74, process_action.action_controller;dur=538.57
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 5617642e-2f52-47be-8b68-5ed5ae18d869
|
||||
x-runtime:
|
||||
- '0.589363'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"status": "completed", "duration_ms": 1014, "final_event_count": 16}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '69'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: PATCH
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/1a5c71d1-4e28-4432-aa20-c7ef93a2657b/finalize
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"6ce9315e-6cf2-47fc-8bbe-38f1ecfde6e0","trace_id":"1a5c71d1-4e28-4432-aa20-c7ef93a2657b","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"completed","duration_ms":1014,"crewai_version":"0.201.1","privacy_level":"standard","total_events":16,"execution_context":{"crew_name":"crew","flow_name":null,"privacy_level":"standard","crewai_version":"0.201.1","crew_fingerprint":null},"created_at":"2025-10-08T18:18:08.537Z","updated_at":"2025-10-08T18:18:09.514Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '483'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"b84badb75e9dd6b55f201454666620d6"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.04, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.07, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=10.32, instantiation.active_record;dur=0.40, unpermitted_parameters.action_controller;dur=0.01,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=2.89,
|
||||
process_action.action_controller;dur=302.38
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- d01f9af8-6a51-4e9a-bd04-30396c5323bf
|
||||
x-runtime:
|
||||
- '0.337087'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
version: 1
|
||||
|
||||
@@ -314,4 +314,337 @@ interactions:
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"trace_id": "77d64f31-0de2-472d-b80d-7400ebbd3709", "execution_type":
|
||||
"crew", "user_identifier": null, "execution_context": {"crew_fingerprint": null,
|
||||
"crew_name": "crew", "flow_name": null, "crewai_version": "0.201.1", "privacy_level":
|
||||
"standard"}, "execution_metadata": {"expected_duration_estimate": 300, "agent_count":
|
||||
0, "task_count": 0, "flow_method_count": 0, "execution_started_at": "2025-10-08T18:18:06.867975+00:00"}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '428'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"5caa2120-b693-4668-900f-78485fdb4d74","trace_id":"77d64f31-0de2-472d-b80d-7400ebbd3709","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"running","duration_ms":null,"crewai_version":"0.201.1","privacy_level":"standard","total_events":0,"execution_context":{"crew_fingerprint":null,"crew_name":"crew","flow_name":null,"crewai_version":"0.201.1","privacy_level":"standard"},"created_at":"2025-10-08T18:18:07.166Z","updated_at":"2025-10-08T18:18:07.166Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '480'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"7146973b561e6245f81e2463c808e03d"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.04, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.08, start_processing.action_controller;dur=0.01,
|
||||
sql.active_record;dur=29.54, instantiation.active_record;dur=0.44, feature_operation.flipper;dur=0.13,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=23.27,
|
||||
process_action.action_controller;dur=276.52
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- bcebabb0-34bd-4df1-b4bd-2ac70fc8d1d3
|
||||
x-runtime:
|
||||
- '0.320530'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 201
|
||||
message: Created
|
||||
- request:
|
||||
body: '{"events": [{"event_id": "82d4cc27-145e-478c-a91b-62ba3ee35fe6", "timestamp":
|
||||
"2025-10-08T18:18:07.198191+00:00", "type": "crew_kickoff_started", "event_data":
|
||||
{"timestamp": "2025-10-08T18:18:06.866899+00:00", "type": "crew_kickoff_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "inputs": null}}, {"event_id": "ca22514b-58ee-43b6-bdf9-02f2e73f4db2",
|
||||
"timestamp": "2025-10-08T18:18:07.202897+00:00", "type": "task_started", "event_data":
|
||||
{"task_description": "Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''", "expected_output": "The
|
||||
score of the title.", "task_name": "Give me an integer score between 1-5 for
|
||||
the following title: ''The impact of AI in the future of work''", "context":
|
||||
"", "agent_role": "Scorer", "task_id": "d4b3624f-bea6-49e9-be04-7acb6e17ff14"}},
|
||||
{"event_id": "1fce41eb-f584-4233-8550-d1e12d50d449", "timestamp": "2025-10-08T18:18:07.203668+00:00",
|
||||
"type": "agent_execution_started", "event_data": {"agent_role": "Scorer", "agent_goal":
|
||||
"Score the title", "agent_backstory": "You''re an expert scorer, specialized
|
||||
in scoring titles."}}, {"event_id": "11cb4350-9d66-42f8-ac83-8a5b36dbe501",
|
||||
"timestamp": "2025-10-08T18:18:07.203818+00:00", "type": "llm_call_started",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:07.203767+00:00", "type": "llm_call_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "d4b3624f-bea6-49e9-be04-7acb6e17ff14",
|
||||
"agent_id": "80b90b31-64c1-47ad-a942-6786a833743f", "agent_role": "Scorer",
|
||||
"from_task": null, "from_agent": null, "model": "gpt-4o-mini", "messages": [{"role":
|
||||
"system", "content": "You are Scorer. You''re an expert scorer, specialized
|
||||
in scoring titles.\nYour personal goal is: Score the title\nTo give my best
|
||||
complete final answer to the task respond using the exact following format:\n\nThought:
|
||||
I now can give a great answer\nFinal Answer: Your final answer must be the great
|
||||
and the most complete as possible, it must be outcome described.\n\nI MUST use
|
||||
these formats, my job depends on it!"}, {"role": "user", "content": "\nCurrent
|
||||
Task: Give me an integer score between 1-5 for the following title: ''The impact
|
||||
of AI in the future of work''\n\nThis is the expected criteria for your final
|
||||
answer: The score of the title.\nyou MUST return the actual complete content
|
||||
as the final answer, not a summary.\nEnsure your final answer contains only
|
||||
the content in the following format: {\n \"score\": int\n}\n\nEnsure the final
|
||||
output does not include any code block markers like ```json or ```python.\n\nBegin!
|
||||
This is VERY important to you, use the tools available and give your best Final
|
||||
Answer, your job depends on it!\n\nThought:"}], "tools": null, "callbacks":
|
||||
["<crewai.utilities.token_counter_callback.TokenCalcHandler object at 0x1346d3850>"],
|
||||
"available_functions": null}}, {"event_id": "b325b1bb-c517-46fe-8667-6e95b1f14ff7",
|
||||
"timestamp": "2025-10-08T18:18:07.208686+00:00", "type": "llm_call_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:07.208630+00:00", "type": "llm_call_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "d4b3624f-bea6-49e9-be04-7acb6e17ff14",
|
||||
"agent_id": "80b90b31-64c1-47ad-a942-6786a833743f", "agent_role": "Scorer",
|
||||
"from_task": null, "from_agent": null, "messages": [{"role": "system", "content":
|
||||
"You are Scorer. You''re an expert scorer, specialized in scoring titles.\nYour
|
||||
personal goal is: Score the title\nTo give my best complete final answer to
|
||||
the task respond using the exact following format:\n\nThought: I now can give
|
||||
a great answer\nFinal Answer: Your final answer must be the great and the most
|
||||
complete as possible, it must be outcome described.\n\nI MUST use these formats,
|
||||
my job depends on it!"}, {"role": "user", "content": "\nCurrent Task: Give me
|
||||
an integer score between 1-5 for the following title: ''The impact of AI in
|
||||
the future of work''\n\nThis is the expected criteria for your final answer:
|
||||
The score of the title.\nyou MUST return the actual complete content as the
|
||||
final answer, not a summary.\nEnsure your final answer contains only the content
|
||||
in the following format: {\n \"score\": int\n}\n\nEnsure the final output does
|
||||
not include any code block markers like ```json or ```python.\n\nBegin! This
|
||||
is VERY important to you, use the tools available and give your best Final Answer,
|
||||
your job depends on it!\n\nThought:"}], "response": "I now can give a great
|
||||
answer\nFinal Answer: 4", "call_type": "<LLMCallType.LLM_CALL: ''llm_call''>",
|
||||
"model": "gpt-4o-mini"}}, {"event_id": "e674f9a3-5f11-4856-8782-7ab914a14b2f",
|
||||
"timestamp": "2025-10-08T18:18:07.208869+00:00", "type": "agent_execution_completed",
|
||||
"event_data": {"agent_role": "Scorer", "agent_goal": "Score the title", "agent_backstory":
|
||||
"You''re an expert scorer, specialized in scoring titles."}}, {"event_id": "74e84e30-07c2-4b64-aaa3-5e6b199a40c6",
|
||||
"timestamp": "2025-10-08T18:18:07.341942+00:00", "type": "task_completed", "event_data":
|
||||
{"task_description": "Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''", "task_name": "Give me an
|
||||
integer score between 1-5 for the following title: ''The impact of AI in the
|
||||
future of work''", "task_id": "d4b3624f-bea6-49e9-be04-7acb6e17ff14", "output_raw":
|
||||
"4", "output_format": "OutputFormat.JSON", "agent_role": "Scorer"}}, {"event_id":
|
||||
"c4f5fdbe-922c-4033-9a6a-fc029936d9a3", "timestamp": "2025-10-08T18:18:07.342602+00:00",
|
||||
"type": "crew_kickoff_completed", "event_data": {"timestamp": "2025-10-08T18:18:07.342591+00:00",
|
||||
"type": "crew_kickoff_completed", "source_fingerprint": null, "source_type":
|
||||
null, "fingerprint_metadata": null, "crew_name": "crew", "crew": null, "output":
|
||||
{"description": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "name": "Give me an integer score
|
||||
between 1-5 for the following title: ''The impact of AI in the future of work''",
|
||||
"expected_output": "The score of the title.", "summary": "Give me an integer
|
||||
score between 1-5 for the following...", "raw": "4", "pydantic": null, "json_dict":
|
||||
{"score": 4}, "agent": "Scorer", "output_format": "json"}, "total_tokens": 199}}],
|
||||
"batch_metadata": {"events_count": 8, "batch_sequence": 1, "is_final_batch":
|
||||
false}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '6610'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/77d64f31-0de2-472d-b80d-7400ebbd3709/events
|
||||
response:
|
||||
body:
|
||||
string: '{"events_created":8,"trace_batch_id":"5caa2120-b693-4668-900f-78485fdb4d74"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '76'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"9d89046203ab7b5d06c53813e05b7e27"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.04, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.08, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=33.94, instantiation.active_record;dur=0.64, start_transaction.active_record;dur=0.01,
|
||||
transaction.active_record;dur=77.16, process_action.action_controller;dur=464.62
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 3d03b2fc-b9f9-437f-934f-d996c24b90e0
|
||||
x-runtime:
|
||||
- '0.511861'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"status": "completed", "duration_ms": 997, "final_event_count": 8}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '67'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: PATCH
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/77d64f31-0de2-472d-b80d-7400ebbd3709/finalize
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"5caa2120-b693-4668-900f-78485fdb4d74","trace_id":"77d64f31-0de2-472d-b80d-7400ebbd3709","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"completed","duration_ms":997,"crewai_version":"0.201.1","privacy_level":"standard","total_events":8,"execution_context":{"crew_name":"crew","flow_name":null,"privacy_level":"standard","crewai_version":"0.201.1","crew_fingerprint":null},"created_at":"2025-10-08T18:18:07.166Z","updated_at":"2025-10-08T18:18:08.136Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '481'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"989e5693780f5ae4a31631e25033a9e6"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.04, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.07, start_processing.action_controller;dur=0.00,
|
||||
sql.active_record;dur=13.35, instantiation.active_record;dur=0.44, unpermitted_parameters.action_controller;dur=0.01,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=4.31,
|
||||
process_action.action_controller;dur=237.59
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 2cf10183-0a81-4d75-bf5b-90d37c13575e
|
||||
x-runtime:
|
||||
- '0.271205'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
version: 1
|
||||
|
||||
@@ -204,4 +204,330 @@ interactions:
|
||||
- req_d75a37a0ce046c6a74a19fb24a97be79
|
||||
http_version: HTTP/1.1
|
||||
status_code: 200
|
||||
- request:
|
||||
body: '{"trace_id": "b4e722b9-c407-4653-ba06-1786963c9c4a", "execution_type":
|
||||
"crew", "user_identifier": null, "execution_context": {"crew_fingerprint": null,
|
||||
"crew_name": "crew", "flow_name": null, "crewai_version": "0.201.1", "privacy_level":
|
||||
"standard"}, "execution_metadata": {"expected_duration_estimate": 300, "agent_count":
|
||||
0, "task_count": 0, "flow_method_count": 0, "execution_started_at": "2025-10-08T18:15:00.412875+00:00"}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '428'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"1a36dd2f-483b-4934-a9b6-f7b95cee2824","trace_id":"b4e722b9-c407-4653-ba06-1786963c9c4a","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"running","duration_ms":null,"crewai_version":"0.201.1","privacy_level":"standard","total_events":0,"execution_context":{"crew_fingerprint":null,"crew_name":"crew","flow_name":null,"crewai_version":"0.201.1","privacy_level":"standard"},"created_at":"2025-10-08T18:15:00.934Z","updated_at":"2025-10-08T18:15:00.934Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '480'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"31db72e28a68dfa1c4f3568b388bc2f0"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.18, sql.active_record;dur=73.01, cache_generate.active_support;dur=16.53,
|
||||
cache_write.active_support;dur=0.22, cache_read_multi.active_support;dur=0.33,
|
||||
start_processing.action_controller;dur=0.01, instantiation.active_record;dur=1.29,
|
||||
feature_operation.flipper;dur=0.50, start_transaction.active_record;dur=0.01,
|
||||
transaction.active_record;dur=21.52, process_action.action_controller;dur=459.22
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- ebc8e3ab-5979-48b7-8816-667a1fd98ce2
|
||||
x-runtime:
|
||||
- '0.524429'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 201
|
||||
message: Created
|
||||
- request:
|
||||
body: '{"events": [{"event_id": "4a27c1d9-f908-42e4-b4dc-7091db74915b", "timestamp":
|
||||
"2025-10-08T18:15:00.950855+00:00", "type": "crew_kickoff_started", "event_data":
|
||||
{"timestamp": "2025-10-08T18:15:00.412055+00:00", "type": "crew_kickoff_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "inputs": null}}, {"event_id": "eaa85c90-02d2-444c-bf52-1178d68bae6d",
|
||||
"timestamp": "2025-10-08T18:15:00.952277+00:00", "type": "task_started", "event_data":
|
||||
{"task_description": "Give me an integer score between 1-5 for the following
|
||||
title: ''The impact of AI in the future of work''", "expected_output": "The
|
||||
score of the title.", "task_name": "Give me an integer score between 1-5 for
|
||||
the following title: ''The impact of AI in the future of work''", "context":
|
||||
"", "agent_role": "Scorer", "task_id": "3dca2ae4-e374-42e6-a6de-ecae1e8ac310"}},
|
||||
{"event_id": "8f1cce5b-7a60-4b53-aac1-05a9d7c3335e", "timestamp": "2025-10-08T18:15:00.952865+00:00",
|
||||
"type": "agent_execution_started", "event_data": {"agent_role": "Scorer", "agent_goal":
|
||||
"Score the title", "agent_backstory": "You''re an expert scorer, specialized
|
||||
in scoring titles."}}, {"event_id": "754a8fb5-bb3a-4204-839e-7b622eb3d6dd",
|
||||
"timestamp": "2025-10-08T18:15:00.953005+00:00", "type": "llm_call_started",
|
||||
"event_data": {"timestamp": "2025-10-08T18:15:00.952957+00:00", "type": "llm_call_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "3dca2ae4-e374-42e6-a6de-ecae1e8ac310",
|
||||
"agent_id": "2ba6f80d-a1da-409f-bd89-13a286b7dfb7", "agent_role": "Scorer",
|
||||
"from_task": null, "from_agent": null, "model": "gpt-4o-mini", "messages": [{"role":
|
||||
"system", "content": "You are Scorer. You''re an expert scorer, specialized
|
||||
in scoring titles.\nYour personal goal is: Score the title\nTo give my best
|
||||
complete final answer to the task respond using the exact following format:\n\nThought:
|
||||
I now can give a great answer\nFinal Answer: Your final answer must be the great
|
||||
and the most complete as possible, it must be outcome described.\n\nI MUST use
|
||||
these formats, my job depends on it!"}, {"role": "user", "content": "\nCurrent
|
||||
Task: Give me an integer score between 1-5 for the following title: ''The impact
|
||||
of AI in the future of work''\n\nThis is the expected criteria for your final
|
||||
answer: The score of the title.\nyou MUST return the actual complete content
|
||||
as the final answer, not a summary.\nEnsure your final answer contains only
|
||||
the content in the following format: {\n \"score\": int\n}\n\nEnsure the final
|
||||
output does not include any code block markers like ```json or ```python.\n\nBegin!
|
||||
This is VERY important to you, use the tools available and give your best Final
|
||||
Answer, your job depends on it!\n\nThought:"}], "tools": null, "callbacks":
|
||||
["<crewai.utilities.token_counter_callback.TokenCalcHandler object at 0x300f52060>"],
|
||||
"available_functions": null}}, {"event_id": "1a15dcc3-8827-4803-ac61-ab70d5be90f3",
|
||||
"timestamp": "2025-10-08T18:15:01.085142+00:00", "type": "llm_call_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:15:01.084844+00:00", "type": "llm_call_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "Give me an integer score between 1-5 for the following title:
|
||||
''The impact of AI in the future of work''", "task_id": "3dca2ae4-e374-42e6-a6de-ecae1e8ac310",
|
||||
"agent_id": "2ba6f80d-a1da-409f-bd89-13a286b7dfb7", "agent_role": "Scorer",
|
||||
"from_task": null, "from_agent": null, "messages": [{"role": "system", "content":
|
||||
"You are Scorer. You''re an expert scorer, specialized in scoring titles.\nYour
|
||||
personal goal is: Score the title\nTo give my best complete final answer to
|
||||
the task respond using the exact following format:\n\nThought: I now can give
|
||||
a great answer\nFinal Answer: Your final answer must be the great and the most
|
||||
complete as possible, it must be outcome described.\n\nI MUST use these formats,
|
||||
my job depends on it!"}, {"role": "user", "content": "\nCurrent Task: Give me
|
||||
an integer score between 1-5 for the following title: ''The impact of AI in
|
||||
the future of work''\n\nThis is the expected criteria for your final answer:
|
||||
The score of the title.\nyou MUST return the actual complete content as the
|
||||
final answer, not a summary.\nEnsure your final answer contains only the content
|
||||
in the following format: {\n \"score\": int\n}\n\nEnsure the final output does
|
||||
not include any code block markers like ```json or ```python.\n\nBegin! This
|
||||
is VERY important to you, use the tools available and give your best Final Answer,
|
||||
your job depends on it!\n\nThought:"}], "response": "Thought: I now can give
|
||||
a great answer\nFinal Answer: 4", "call_type": "<LLMCallType.LLM_CALL: ''llm_call''>",
|
||||
"model": "gpt-4o-mini"}}, {"event_id": "c6742bd6-5a92-41e8-94f6-49ba267d785f",
|
||||
"timestamp": "2025-10-08T18:15:01.085480+00:00", "type": "agent_execution_completed",
|
||||
"event_data": {"agent_role": "Scorer", "agent_goal": "Score the title", "agent_backstory":
|
||||
"You''re an expert scorer, specialized in scoring titles."}}, {"event_id": "486c254c-57b6-477b-aadc-d5be745613fb",
|
||||
"timestamp": "2025-10-08T18:15:01.085639+00:00", "type": "task_failed", "event_data":
|
||||
{"serialization_error": "Circular reference detected (id repeated)", "object_type":
|
||||
"TaskFailedEvent"}}, {"event_id": "b2ce4ceb-74f6-4379-b65e-8d6dc371f956", "timestamp":
|
||||
"2025-10-08T18:15:01.086242+00:00", "type": "crew_kickoff_failed", "event_data":
|
||||
{"timestamp": "2025-10-08T18:15:01.086226+00:00", "type": "crew_kickoff_failed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "error": "Failed to convert text into a Pydantic
|
||||
model due to error: ''NoneType'' object has no attribute ''supports_function_calling''"}}],
|
||||
"batch_metadata": {"events_count": 8, "batch_sequence": 1, "is_final_batch":
|
||||
false}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '5982'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/b4e722b9-c407-4653-ba06-1786963c9c4a/events
|
||||
response:
|
||||
body:
|
||||
string: '{"events_created":8,"trace_batch_id":"1a36dd2f-483b-4934-a9b6-f7b95cee2824"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '76'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"ec084df3e365d72581f5734016786212"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.05, sql.active_record;dur=60.65, cache_generate.active_support;dur=2.12,
|
||||
cache_write.active_support;dur=0.12, cache_read_multi.active_support;dur=0.09,
|
||||
start_processing.action_controller;dur=0.00, instantiation.active_record;dur=0.51,
|
||||
start_transaction.active_record;dur=0.00, transaction.active_record;dur=115.06,
|
||||
process_action.action_controller;dur=475.82
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 96f38d13-8f41-4b6f-b41a-cc526f821efd
|
||||
x-runtime:
|
||||
- '0.520997'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"status": "completed", "duration_ms": 1218, "final_event_count": 8}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '68'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: PATCH
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/b4e722b9-c407-4653-ba06-1786963c9c4a/finalize
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"1a36dd2f-483b-4934-a9b6-f7b95cee2824","trace_id":"b4e722b9-c407-4653-ba06-1786963c9c4a","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"completed","duration_ms":1218,"crewai_version":"0.201.1","privacy_level":"standard","total_events":8,"execution_context":{"crew_name":"crew","flow_name":null,"privacy_level":"standard","crewai_version":"0.201.1","crew_fingerprint":null},"created_at":"2025-10-08T18:15:00.934Z","updated_at":"2025-10-08T18:15:02.539Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '482'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"f69bd753b6206f7d8f00bfae64391d7a"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.13, sql.active_record;dur=20.82, cache_generate.active_support;dur=2.02,
|
||||
cache_write.active_support;dur=0.18, cache_read_multi.active_support;dur=0.08,
|
||||
start_processing.action_controller;dur=0.00, instantiation.active_record;dur=1.08,
|
||||
unpermitted_parameters.action_controller;dur=0.00, start_transaction.active_record;dur=0.00,
|
||||
transaction.active_record;dur=2.90, process_action.action_controller;dur=844.67
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 80da6a7c-c07d-4a00-b5d9-fb85448ef76a
|
||||
x-runtime:
|
||||
- '0.904849'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
version: 1
|
||||
|
||||
@@ -118,4 +118,336 @@ interactions:
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"trace_id": "783f3548-b39a-46f3-967c-8a49271a073b", "execution_type":
|
||||
"crew", "user_identifier": null, "execution_context": {"crew_fingerprint": null,
|
||||
"crew_name": "crew", "flow_name": null, "crewai_version": "0.201.1", "privacy_level":
|
||||
"standard"}, "execution_metadata": {"expected_duration_estimate": 300, "agent_count":
|
||||
0, "task_count": 0, "flow_method_count": 0, "execution_started_at": "2025-10-08T18:18:03.278174+00:00"}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '428'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"13407e3f-4b02-4365-ad81-6aa0ccbd287e","trace_id":"783f3548-b39a-46f3-967c-8a49271a073b","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"running","duration_ms":null,"crewai_version":"0.201.1","privacy_level":"standard","total_events":0,"execution_context":{"crew_fingerprint":null,"crew_name":"crew","flow_name":null,"crewai_version":"0.201.1","privacy_level":"standard"},"created_at":"2025-10-08T18:18:03.689Z","updated_at":"2025-10-08T18:18:03.689Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '480'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"0449979f2920ad0c340833a7ba334b29"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.14, sql.active_record;dur=32.12, cache_generate.active_support;dur=8.31,
|
||||
cache_write.active_support;dur=0.34, cache_read_multi.active_support;dur=0.97,
|
||||
start_processing.action_controller;dur=0.00, instantiation.active_record;dur=1.25,
|
||||
feature_operation.flipper;dur=0.09, start_transaction.active_record;dur=0.01,
|
||||
transaction.active_record;dur=32.23, process_action.action_controller;dur=364.39
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 7fa23b35-b230-4221-b8f4-70f4f84f4998
|
||||
x-runtime:
|
||||
- '0.422034'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 201
|
||||
message: Created
|
||||
- request:
|
||||
body: '{"events": [{"event_id": "6ab09342-74f0-4097-a913-4a60dc4a6697", "timestamp":
|
||||
"2025-10-08T18:18:03.712608+00:00", "type": "crew_kickoff_started", "event_data":
|
||||
{"timestamp": "2025-10-08T18:18:03.276956+00:00", "type": "crew_kickoff_started",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "inputs": {"interpolation-with-hyphens":
|
||||
"say hello world"}}}, {"event_id": "c52570c1-dc30-4148-84b3-f0bf086c61a9", "timestamp":
|
||||
"2025-10-08T18:18:03.715371+00:00", "type": "task_started", "event_data": {"task_description":
|
||||
"be an assistant that responds with say hello world", "expected_output": "The
|
||||
response should be addressing: say hello world", "task_name": "be an assistant
|
||||
that responds with say hello world", "context": "", "agent_role": "Researcher",
|
||||
"task_id": "eaa5b070-507b-4b00-9aca-ccd487687f61"}}, {"event_id": "221413c4-2f35-4bed-bdd0-f35b8697c5a5",
|
||||
"timestamp": "2025-10-08T18:18:03.716134+00:00", "type": "agent_execution_started",
|
||||
"event_data": {"agent_role": "Researcher", "agent_goal": "be an assistant that
|
||||
responds with say hello world", "agent_backstory": "You''re an expert researcher,
|
||||
specialized in technology, software engineering, AI and startups. You work as
|
||||
a freelancer and is now working on doing research and analysis for a new customer."}},
|
||||
{"event_id": "e2b8c611-92bb-4127-b25f-8084f9f640db", "timestamp": "2025-10-08T18:18:03.718050+00:00",
|
||||
"type": "llm_call_started", "event_data": {"timestamp": "2025-10-08T18:18:03.717826+00:00",
|
||||
"type": "llm_call_started", "source_fingerprint": null, "source_type": null,
|
||||
"fingerprint_metadata": null, "task_name": "be an assistant that responds with
|
||||
say hello world", "task_id": "eaa5b070-507b-4b00-9aca-ccd487687f61", "agent_id":
|
||||
"33a8cc2e-03b0-4da0-8978-60b1e8c46b8d", "agent_role": "Researcher", "from_task":
|
||||
null, "from_agent": null, "model": "gpt-4o-mini", "messages": [{"role": "system",
|
||||
"content": "You are Researcher. You''re an expert researcher, specialized in
|
||||
technology, software engineering, AI and startups. You work as a freelancer
|
||||
and is now working on doing research and analysis for a new customer.\nYour
|
||||
personal goal is: be an assistant that responds with say hello world\nTo give
|
||||
my best complete final answer to the task respond using the exact following
|
||||
format:\n\nThought: I now can give a great answer\nFinal Answer: Your final
|
||||
answer must be the great and the most complete as possible, it must be outcome
|
||||
described.\n\nI MUST use these formats, my job depends on it!"}, {"role": "user",
|
||||
"content": "\nCurrent Task: be an assistant that responds with say hello world\n\nThis
|
||||
is the expected criteria for your final answer: The response should be addressing:
|
||||
say hello world\nyou MUST return the actual complete content as the final answer,
|
||||
not a summary.\n\nBegin! This is VERY important to you, use the tools available
|
||||
and give your best Final Answer, your job depends on it!\n\nThought:"}], "tools":
|
||||
null, "callbacks": ["<crewai.utilities.token_counter_callback.TokenCalcHandler
|
||||
object at 0x1340643b0>"], "available_functions": null}}, {"event_id": "e002108c-4230-4d83-ab7c-3cb7c5203320",
|
||||
"timestamp": "2025-10-08T18:18:03.841317+00:00", "type": "llm_call_completed",
|
||||
"event_data": {"timestamp": "2025-10-08T18:18:03.840679+00:00", "type": "llm_call_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"task_name": "be an assistant that responds with say hello world", "task_id":
|
||||
"eaa5b070-507b-4b00-9aca-ccd487687f61", "agent_id": "33a8cc2e-03b0-4da0-8978-60b1e8c46b8d",
|
||||
"agent_role": "Researcher", "from_task": null, "from_agent": null, "messages":
|
||||
[{"role": "system", "content": "You are Researcher. You''re an expert researcher,
|
||||
specialized in technology, software engineering, AI and startups. You work as
|
||||
a freelancer and is now working on doing research and analysis for a new customer.\nYour
|
||||
personal goal is: be an assistant that responds with say hello world\nTo give
|
||||
my best complete final answer to the task respond using the exact following
|
||||
format:\n\nThought: I now can give a great answer\nFinal Answer: Your final
|
||||
answer must be the great and the most complete as possible, it must be outcome
|
||||
described.\n\nI MUST use these formats, my job depends on it!"}, {"role": "user",
|
||||
"content": "\nCurrent Task: be an assistant that responds with say hello world\n\nThis
|
||||
is the expected criteria for your final answer: The response should be addressing:
|
||||
say hello world\nyou MUST return the actual complete content as the final answer,
|
||||
not a summary.\n\nBegin! This is VERY important to you, use the tools available
|
||||
and give your best Final Answer, your job depends on it!\n\nThought:"}], "response":
|
||||
"I now can give a great answer \nFinal Answer: Hello, World!", "call_type":
|
||||
"<LLMCallType.LLM_CALL: ''llm_call''>", "model": "gpt-4o-mini"}}, {"event_id":
|
||||
"97285515-f662-4b5a-88b8-8ad872010870", "timestamp": "2025-10-08T18:18:03.847572+00:00",
|
||||
"type": "agent_execution_completed", "event_data": {"agent_role": "Researcher",
|
||||
"agent_goal": "be an assistant that responds with say hello world", "agent_backstory":
|
||||
"You''re an expert researcher, specialized in technology, software engineering,
|
||||
AI and startups. You work as a freelancer and is now working on doing research
|
||||
and analysis for a new customer."}}, {"event_id": "1b2b48e2-9d07-467a-a25c-c437e006ea9d",
|
||||
"timestamp": "2025-10-08T18:18:03.851138+00:00", "type": "task_completed", "event_data":
|
||||
{"task_description": "be an assistant that responds with say hello world", "task_name":
|
||||
"be an assistant that responds with say hello world", "task_id": "eaa5b070-507b-4b00-9aca-ccd487687f61",
|
||||
"output_raw": "Hello, World!", "output_format": "OutputFormat.RAW", "agent_role":
|
||||
"Researcher"}}, {"event_id": "7f279156-41a3-4577-8977-2b7c8647308e", "timestamp":
|
||||
"2025-10-08T18:18:03.854601+00:00", "type": "crew_kickoff_completed", "event_data":
|
||||
{"timestamp": "2025-10-08T18:18:03.854273+00:00", "type": "crew_kickoff_completed",
|
||||
"source_fingerprint": null, "source_type": null, "fingerprint_metadata": null,
|
||||
"crew_name": "crew", "crew": null, "output": {"description": "be an assistant
|
||||
that responds with say hello world", "name": "be an assistant that responds
|
||||
with say hello world", "expected_output": "The response should be addressing:
|
||||
say hello world", "summary": "be an assistant that responds with say hello world...",
|
||||
"raw": "Hello, World!", "pydantic": null, "json_dict": null, "agent": "Researcher",
|
||||
"output_format": "raw"}, "total_tokens": 222}}], "batch_metadata": {"events_count":
|
||||
8, "batch_sequence": 1, "is_final_batch": false}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '6591'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/783f3548-b39a-46f3-967c-8a49271a073b/events
|
||||
response:
|
||||
body:
|
||||
string: '{"events_created":8,"trace_batch_id":"13407e3f-4b02-4365-ad81-6aa0ccbd287e"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '76'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"59a09593073037c65f8c96640f9cfa82"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.10, sql.active_record;dur=104.59, cache_generate.active_support;dur=3.02,
|
||||
cache_write.active_support;dur=0.25, cache_read_multi.active_support;dur=0.19,
|
||||
start_processing.action_controller;dur=0.00, instantiation.active_record;dur=1.33,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=61.18,
|
||||
process_action.action_controller;dur=825.32
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- f39bd4ea-01eb-40ce-a2b0-a3206fefb715
|
||||
x-runtime:
|
||||
- '0.878157'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"status": "completed", "duration_ms": 1468, "final_event_count": 8}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '68'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: PATCH
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches/783f3548-b39a-46f3-967c-8a49271a073b/finalize
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"13407e3f-4b02-4365-ad81-6aa0ccbd287e","trace_id":"783f3548-b39a-46f3-967c-8a49271a073b","execution_type":"crew","crew_name":"crew","flow_name":null,"status":"completed","duration_ms":1468,"crewai_version":"0.201.1","privacy_level":"standard","total_events":8,"execution_context":{"crew_name":"crew","flow_name":null,"privacy_level":"standard","crewai_version":"0.201.1","crew_fingerprint":null},"created_at":"2025-10-08T18:18:03.689Z","updated_at":"2025-10-08T18:18:05.302Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '482'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"45e1b9780d2dfad67d3d01e51da9fccb"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.06, sql.active_record;dur=20.66, cache_generate.active_support;dur=3.44,
|
||||
cache_write.active_support;dur=0.20, cache_read_multi.active_support;dur=0.12,
|
||||
start_processing.action_controller;dur=0.00, instantiation.active_record;dur=0.45,
|
||||
unpermitted_parameters.action_controller;dur=0.01, start_transaction.active_record;dur=0.01,
|
||||
transaction.active_record;dur=5.67, process_action.action_controller;dur=516.09
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 91cc9e1b-40a4-43ea-ba02-76cec061eda1
|
||||
x-runtime:
|
||||
- '0.557447'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
version: 1
|
||||
|
||||
@@ -640,4 +640,94 @@ interactions:
|
||||
status:
|
||||
code: 200
|
||||
message: OK
|
||||
- request:
|
||||
body: '{"trace_id": "e2810e7b-85f6-4cc4-88d8-0fafbe16ca91", "execution_type":
|
||||
"crew", "user_identifier": null, "execution_context": {"crew_fingerprint": null,
|
||||
"crew_name": "Unknown Crew", "flow_name": null, "crewai_version": "0.201.1",
|
||||
"privacy_level": "standard"}, "execution_metadata": {"expected_duration_estimate":
|
||||
300, "agent_count": 0, "task_count": 0, "flow_method_count": 0, "execution_started_at":
|
||||
"2025-10-08T18:18:12.240429+00:00"}}'
|
||||
headers:
|
||||
Accept:
|
||||
- '*/*'
|
||||
Accept-Encoding:
|
||||
- gzip, deflate, zstd
|
||||
Connection:
|
||||
- keep-alive
|
||||
Content-Length:
|
||||
- '436'
|
||||
Content-Type:
|
||||
- application/json
|
||||
User-Agent:
|
||||
- CrewAI-CLI/0.201.1
|
||||
X-Crewai-Organization-Id:
|
||||
- d3a3d10c-35db-423f-a7a4-c026030ba64d
|
||||
X-Crewai-Version:
|
||||
- 0.201.1
|
||||
method: POST
|
||||
uri: http://localhost:3000/crewai_plus/api/v1/tracing/batches
|
||||
response:
|
||||
body:
|
||||
string: '{"id":"874aa9c3-0f3a-4c3c-bb22-c66041c8b360","trace_id":"e2810e7b-85f6-4cc4-88d8-0fafbe16ca91","execution_type":"crew","crew_name":"Unknown
|
||||
Crew","flow_name":null,"status":"running","duration_ms":null,"crewai_version":"0.201.1","privacy_level":"standard","total_events":0,"execution_context":{"crew_fingerprint":null,"crew_name":"Unknown
|
||||
Crew","flow_name":null,"crewai_version":"0.201.1","privacy_level":"standard"},"created_at":"2025-10-08T18:18:12.602Z","updated_at":"2025-10-08T18:18:12.602Z"}'
|
||||
headers:
|
||||
Content-Length:
|
||||
- '496'
|
||||
cache-control:
|
||||
- no-store
|
||||
content-security-policy:
|
||||
- 'default-src ''self'' *.crewai.com crewai.com; script-src ''self'' ''unsafe-inline''
|
||||
*.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts https://www.gstatic.com
|
||||
https://run.pstmn.io https://apis.google.com https://apis.google.com/js/api.js
|
||||
https://accounts.google.com https://accounts.google.com/gsi/client https://cdnjs.cloudflare.com/ajax/libs/normalize/8.0.1/normalize.min.css.map
|
||||
https://*.google.com https://docs.google.com https://slides.google.com https://js.hs-scripts.com
|
||||
https://js.sentry-cdn.com https://browser.sentry-cdn.com https://www.googletagmanager.com
|
||||
https://js-na1.hs-scripts.com https://share.descript.com/; style-src ''self''
|
||||
''unsafe-inline'' *.crewai.com crewai.com https://cdn.jsdelivr.net/npm/apexcharts;
|
||||
img-src ''self'' data: *.crewai.com crewai.com https://zeus.tools.crewai.com
|
||||
https://dashboard.tools.crewai.com https://cdn.jsdelivr.net; font-src ''self''
|
||||
data: *.crewai.com crewai.com; connect-src ''self'' *.crewai.com crewai.com
|
||||
https://zeus.tools.crewai.com https://connect.useparagon.com/ https://zeus.useparagon.com/*
|
||||
https://*.useparagon.com/* https://run.pstmn.io https://connect.tools.crewai.com/
|
||||
https://*.sentry.io https://www.google-analytics.com ws://localhost:3036 wss://localhost:3036;
|
||||
frame-src ''self'' *.crewai.com crewai.com https://connect.useparagon.com/
|
||||
https://zeus.tools.crewai.com https://zeus.useparagon.com/* https://connect.tools.crewai.com/
|
||||
https://docs.google.com https://drive.google.com https://slides.google.com
|
||||
https://accounts.google.com https://*.google.com https://www.youtube.com https://share.descript.com'
|
||||
content-type:
|
||||
- application/json; charset=utf-8
|
||||
etag:
|
||||
- W/"3d47d705bfa32d723e3b1b7b53a832f3"
|
||||
expires:
|
||||
- '0'
|
||||
permissions-policy:
|
||||
- camera=(), microphone=(self), geolocation=()
|
||||
pragma:
|
||||
- no-cache
|
||||
referrer-policy:
|
||||
- strict-origin-when-cross-origin
|
||||
server-timing:
|
||||
- cache_read.active_support;dur=0.07, cache_fetch_hit.active_support;dur=0.00,
|
||||
cache_read_multi.active_support;dur=0.12, start_processing.action_controller;dur=0.01,
|
||||
sql.active_record;dur=25.77, instantiation.active_record;dur=0.62, feature_operation.flipper;dur=0.03,
|
||||
start_transaction.active_record;dur=0.01, transaction.active_record;dur=12.04,
|
||||
process_action.action_controller;dur=319.45
|
||||
vary:
|
||||
- Accept
|
||||
x-content-type-options:
|
||||
- nosniff
|
||||
x-frame-options:
|
||||
- SAMEORIGIN
|
||||
x-permitted-cross-domain-policies:
|
||||
- none
|
||||
x-request-id:
|
||||
- 429504fe-b260-4237-adeb-2cd4f4b5bb96
|
||||
x-runtime:
|
||||
- '0.369022'
|
||||
x-xss-protection:
|
||||
- 1; mode=block
|
||||
status:
|
||||
code: 201
|
||||
message: Created
|
||||
version: 1
|
||||
|
||||
Reference in New Issue
Block a user