From ce642a4ca1e84de6667077fea3cb1d6891602d79 Mon Sep 17 00:00:00 2001 From: Nagkumar Arkalgud Date: Mon, 23 Jun 2025 08:30:35 -0700 Subject: [PATCH 1/5] Add more decorators --- .../demos/travel_planning_system/agents.py | 51 +- .../azure_reasoning_service.py | 120 + .../group_chat_based_system.py | 359 +- .../travel_planning_system/observability.py | 43 +- .../travel_planning_system/reasoning_agent.py | 165 + .../trace_span_sample_4o.json | 4007 +++++++++++++++++ .../agents/orchestration/group_chat.py | 20 +- .../group_chat_diagnostics/__init__.py | 13 + .../group_chat_diagnostics/decorators.py | 116 + 9 files changed, 4754 insertions(+), 140 deletions(-) create mode 100644 python/samples/demos/travel_planning_system/azure_reasoning_service.py create mode 100644 python/samples/demos/travel_planning_system/reasoning_agent.py create mode 100644 python/samples/demos/travel_planning_system/trace_span_sample_4o.json create mode 100644 python/semantic_kernel/utils/telemetry/group_chat_diagnostics/__init__.py create mode 100644 python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py diff --git a/python/samples/demos/travel_planning_system/agents.py b/python/samples/demos/travel_planning_system/agents.py index d83e316d1b75..3455898f7ce7 100644 --- a/python/samples/demos/travel_planning_system/agents.py +++ b/python/samples/demos/travel_planning_system/agents.py @@ -1,8 +1,8 @@ # Copyright (c) Microsoft. All rights reserved. from semantic_kernel.agents import ChatCompletionAgent -from semantic_kernel.connectors.ai.open_ai import AzureChatCompletion from semantic_kernel.functions import kernel_function +from reasoning_agent import create_reasoning_compatible_agent _BASE_SYSTEM_MSG = ( "You are a helpful travel planning assistant. Always be professional and provide accurate information." @@ -52,59 +52,52 @@ def search_flights(self, origin: str, destination: str, date: str) -> str: def get_agents() -> dict[str, ChatCompletionAgent]: """Creates and returns a set of agents for the travel planning system.""" - # 1. Conversation Manager Agent - conversation_manager = ChatCompletionAgent( + print("Using ReasoningCompatibleAgent (auto-detects standard vs reasoning models)") + + # Create reasoning-compatible agents that auto-detect model type + conversation_manager = create_reasoning_compatible_agent( name="conversation_manager", description="Manages conversation flow and coordinates between agents", - instructions=f"{_BASE_SYSTEM_MSG} You coordinate the conversation and ensure users get comprehensive help.", - service=AzureChatCompletion(), + instructions="You are a conversation manager for a travel planning system. " + "Coordinate between different agents to help users plan their trips.", ) - # 2. Travel Planner Agent - planner = ChatCompletionAgent( + planner = create_reasoning_compatible_agent( name="planner", description="Creates comprehensive travel plans including flights, hotels, and activities", - instructions=( - f"{_BASE_SYSTEM_MSG} You create detailed travel plans that include flights, hotels, and activities." - ), - service=AzureChatCompletion(), + instructions="You are a travel planner. Create detailed travel itineraries " + "including flights, hotels, and activities based on user preferences.", plugins=[PlanningPlugin()], ) - # 3. Router Agent - router = ChatCompletionAgent( + router = create_reasoning_compatible_agent( name="router", description="Routes tasks to appropriate specialized agents", - instructions=f"{_BASE_SYSTEM_MSG} You analyze plans and delegate tasks to the right specialized agents.", - service=AzureChatCompletion(), + instructions="You are a router agent. Analyze user requests and direct them " + "to the most appropriate specialist agent.", ) - # 4. Destination Expert Agent - destination_expert = ChatCompletionAgent( + destination_expert = create_reasoning_compatible_agent( name="destination_expert", description="Expert in destination recommendations and local information", - instructions=( - f"{_BASE_SYSTEM_MSG} You provide expert advice on destinations, attractions, and local experiences." - ), - service=AzureChatCompletion(), + instructions="You are a destination expert. Provide detailed information about " + "travel destinations, local attractions, and travel tips.", plugins=[PlanningPlugin()], ) - # 5. Flight Agent - flight_agent = ChatCompletionAgent( + flight_agent = create_reasoning_compatible_agent( name="flight_agent", description="Specializes in flight booking", - instructions=f"{_BASE_SYSTEM_MSG} You handle all flight-related tasks including booking.", - service=AzureChatCompletion(), + instructions="You are a flight booking specialist. Help users search for " + "and book flights that meet their travel needs.", plugins=[FlightPlugin()], ) - # 6. Hotel Agent - hotel_agent = ChatCompletionAgent( + hotel_agent = create_reasoning_compatible_agent( name="hotel_agent", description="Specializes in hotel booking", - instructions=f"{_BASE_SYSTEM_MSG} You handle all hotel-related tasks including booking.", - service=AzureChatCompletion(), + instructions="You are a hotel booking specialist. Help users search for " + "and book hotels that meet their accommodation needs.", plugins=[HotelPlugin()], ) diff --git a/python/samples/demos/travel_planning_system/azure_reasoning_service.py b/python/samples/demos/travel_planning_system/azure_reasoning_service.py new file mode 100644 index 000000000000..0ce632c47dd2 --- /dev/null +++ b/python/samples/demos/travel_planning_system/azure_reasoning_service.py @@ -0,0 +1,120 @@ +"""Azure OpenAI Reasoning Service for o3/o1 models.""" + +import logging +import os +from typing import Any, List +import httpx +from semantic_kernel.connectors.ai.open_ai.services.azure_chat_completion import AzureChatCompletion +from semantic_kernel.contents import ChatHistory, ChatMessageContent, AuthorRole +from semantic_kernel.exceptions import ServiceResponseException + +logger = logging.getLogger(__name__) + + +class AzureReasoningCompletion(AzureChatCompletion): + """Azure OpenAI Reasoning service for o3/o1 models that use the reasoning API.""" + + async def get_chat_message_contents( + self, + chat_history: ChatHistory, + settings, + **kwargs: Any, + ) -> List[ChatMessageContent]: + """Override to use reasoning API endpoint with Chain of Thought enhancement.""" + try: + # Convert chat history to reasoning API format + messages = [] + for message in chat_history.messages: + # Skip system messages as they're not supported by reasoning models + if message.role == AuthorRole.SYSTEM: + continue + + # Enhance user messages with chain-of-thought prompting + content = message.content + if message.role == AuthorRole.USER and content: + # Check if this is a planning/complex task that would benefit from CoT + cot_keywords = ["plan", "book", "find", "search", "recommend", "budget", "analyze", "compare"] + if any(keyword in content.lower() for keyword in cot_keywords): + content = f"Think step by step about this request. {content}" + + messages.append({ + "role": str(message.role), + "content": content + }) + + # Prepare reasoning API request + request_data = { + "messages": messages, + "max_completion_tokens": getattr(settings, "max_tokens", 4000), + "temperature": getattr(settings, "temperature", 0.7), + } + + # Get configuration from environment variables + endpoint = os.getenv("AZURE_OPENAI_ENDPOINT", "").rstrip('/') + api_key = os.getenv("AZURE_OPENAI_API_KEY", "") + deployment_name = os.getenv("AZURE_OPENAI_CHAT_DEPLOYMENT_NAME", "o3-mini") + api_version = os.getenv("AZURE_OPENAI_API_VERSION", "2024-12-01-preview") + + # Use reasoning endpoint instead of chat/completions + url = f"{endpoint}/openai/deployments/{deployment_name}/reasoning/completions" + + headers = { + "Content-Type": "application/json", + "api-key": api_key, + } + + logger.info(f"Making reasoning API call to: {url}") + logger.info(f"Deployment: {deployment_name}, API Version: {api_version}") + + # Make the API call + async with httpx.AsyncClient() as client: + response = await client.post( + url=url, + headers=headers, + json=request_data, + params={"api-version": api_version}, + timeout=120.0 # Reasoning models can take longer + ) + + if response.status_code != 200: + error_text = response.text + logger.error(f"Azure Reasoning API error: {response.status_code} - {error_text}") + logger.error(f"Request URL: {url}") + logger.error(f"API Version: {api_version}") + + raise ServiceResponseException( + f"Azure Reasoning API failed with status {response.status_code}: {error_text}" + ) + + response_data = response.json() + logger.info(f"Reasoning API response received successfully") + + # Extract the response content + if "choices" in response_data and len(response_data["choices"]) > 0: + content = response_data["choices"][0]["message"]["content"] + return [ChatMessageContent( + role=AuthorRole.ASSISTANT, + content=content, + model_id=deployment_name + )] + else: + raise ServiceResponseException("No valid response from Azure Reasoning API") + + except httpx.RequestError as e: + logger.error(f"Request error calling Azure Reasoning API: {e}") + raise ServiceResponseException(f"Request failed: {e}") + except Exception as e: + logger.error(f"Unexpected error in Azure Reasoning API: {e}") + raise ServiceResponseException(f"Azure Reasoning service error: {e}") + + async def get_streaming_chat_message_contents( + self, + chat_history: ChatHistory, + settings, + **kwargs: Any, + ): + """Reasoning models don't typically support streaming, fall back to non-streaming.""" + results = await self.get_chat_message_contents(chat_history, settings, **kwargs) + # Simulate streaming by yielding the full response + for result in results: + yield result diff --git a/python/samples/demos/travel_planning_system/group_chat_based_system.py b/python/samples/demos/travel_planning_system/group_chat_based_system.py index 77a7780f3ed7..3a46debab8e5 100644 --- a/python/samples/demos/travel_planning_system/group_chat_based_system.py +++ b/python/samples/demos/travel_planning_system/group_chat_based_system.py @@ -4,9 +4,12 @@ import sys from opentelemetry import trace +from opentelemetry.trace import Status, StatusCode from samples.demos.travel_planning_system.agents import get_agents from samples.demos.travel_planning_system.observability import enable_observability +from samples.demos.travel_planning_system.reasoning_agent import create_reasoning_compatible_agent + from semantic_kernel.agents import ( BooleanResult, ChatCompletionAgent, @@ -16,7 +19,9 @@ StringResult, ) from semantic_kernel.agents.runtime import InProcessRuntime -from semantic_kernel.connectors.ai.open_ai import AzureChatCompletion, AzureChatPromptExecutionSettings +from semantic_kernel.connectors.ai.open_ai import ( + AzureChatPromptExecutionSettings, +) from semantic_kernel.contents import ( AuthorRole, ChatHistory, @@ -38,13 +43,22 @@ def streaming_agent_response_callback(message: StreamingChatMessageContent, is_final: bool) -> None: - """Observer function to print the messages from the agents. - - Args: - message (StreamingChatMessageContent): The streaming message content from the agent. - is_final (bool): Indicates if this is the final part of the message. - """ + """Observer function to print the messages from the agents with minimal telemetry.""" global is_new_message + + # Only create span for final messages to reduce duplicate spans + if is_final: + tracer = trace.get_tracer(__name__) + with tracer.start_as_current_span("streaming_message_final") as stream_span: + stream_span.set_attributes({ + "gen_ai.operation.name": "memory_operation", + "gen_ai.memory.operation_type": "write", + "gen_ai.memory.source_type": "streaming_response", + "message.agent_name": message.name, + "message.content_length": len(message.content) if message.content else 0, + "message.processing_complete": True + }) + if is_new_message: print(f"# {message.name}") is_new_message = False @@ -76,14 +90,14 @@ class AgentBaseGroupChatManager(GroupChatManager): def __init__(self, **kwargs): """Initialize the base group chat manager with a ChatCompletionAgent.""" - agent = ChatCompletionAgent( + agent = create_reasoning_compatible_agent( name="Manager", description="The manager of the group chat, responsible for coordinating the agents.", instructions=( - "You are the manager of the group chat. " - "Your role is to coordinate the agents and ensure they satisfy the user's request. " + "You are the manager of a group chat for travel planning. " + "Coordinate the conversation between different travel agents " + "to help users plan their trips effectively." ), - service=AzureChatCompletion(), ) super().__init__(agent=agent, **kwargs) @@ -91,27 +105,47 @@ def __init__(self, **kwargs): @override async def should_request_user_input(self, chat_history: ChatHistory) -> BooleanResult: """Determine if the manager should request user input based on the chat history.""" - if len(chat_history.messages) == 0: - return BooleanResult( - result=False, - reason="No agents have spoken yet.", - ) - - last_message = chat_history.messages[-1] - if last_message.role == AuthorRole.USER: - return BooleanResult( - result=False, - reason="User input is not needed if the last message is from the user.", - ) - - messages = chat_history.messages[:] - messages.append(ChatMessageContent(role=AuthorRole.USER, content="Does the group need further user input?")) - - settings = AzureChatPromptExecutionSettings() - settings.response_format = BooleanResult - - response = await self.agent.get_response(messages, arguments=KernelArguments(settings=settings)) - return BooleanResult.model_validate_json(response.message.content) + tracer = trace.get_tracer(__name__) + + with tracer.start_as_current_span("planning_user_input_assessment") as plan_span: + plan_span.set_attributes({ + "gen_ai.planning.type": "user_input_assessment", + "gen_ai.planning.complexity": "simple", + "gen_ai.planning.stage": "interaction_control", + "chat.message_count": len(chat_history.messages), + "chat.last_message_role": str(chat_history.messages[-1].role) if chat_history.messages else "none" + }) + + if len(chat_history.messages) == 0: + plan_span.set_attribute("planning.decision", "no_input_needed_start") + return BooleanResult( + result=False, + reason="No agents have spoken yet.", + ) + + last_message = chat_history.messages[-1] + if last_message.role == AuthorRole.USER: + plan_span.set_attribute("planning.decision", "no_input_needed_recent") + return BooleanResult( + result=False, + reason="User input is not needed if the last message is from the user.", + ) + + messages = chat_history.messages[:] + messages.append(ChatMessageContent(role=AuthorRole.USER, content="Does the group need further user input?")) + + settings = AzureChatPromptExecutionSettings() + settings.response_format = BooleanResult + + response = await self.agent.get_response(messages, arguments=KernelArguments(settings=settings)) + result = BooleanResult.model_validate_json(response.message.content) + + plan_span.set_attributes({ + "planning.decision": "input_needed" if result.result else "continue_conversation", + "planning.decision_reasoning": result.reason + }) + + return result @override async def should_terminate(self, chat_history: ChatHistory) -> BooleanResult: @@ -147,31 +181,50 @@ async def select_next_agent( participant_descriptions: dict[str, str], ) -> StringResult: """Provide concrete implementation for selecting the next agent to speak.""" - messages = chat_history.messages[:] - messages.append( - ChatMessageContent( - role=AuthorRole.USER, - content=( - "Who should speak next based on the conversation? Pick one agent from the participants:\n" - + "\n".join([f"{k}: {v}" for k, v in participant_descriptions.items()]) - + "\nPlease provide the agent's name." - ), + tracer = trace.get_tracer(__name__) + + with tracer.start_as_current_span("agent_selection_planning") as selection_span: + selection_span.set_attributes({ + "gen_ai.planning.type": "agent_selection", + "gen_ai.planning.complexity": "moderate", + "gen_ai.planning.stage": "agent_coordination", + "agent.selection.total_participants": len(participant_descriptions), + "agent.selection.available_agents": list(participant_descriptions.keys()), + "agent.selection.conversation_length": len(chat_history.messages) + }) + + messages = chat_history.messages[:] + messages.append( + ChatMessageContent( + role=AuthorRole.USER, + content=( + "Who should speak next based on the conversation? Pick one agent from the participants:\n" + + "\n".join([f"{k}: {v}" for k, v in participant_descriptions.items()]) + + "\nPlease provide the agent's name." + ), + ) ) - ) - settings = AzureChatPromptExecutionSettings() - settings.response_format = StringResult + settings = AzureChatPromptExecutionSettings() + settings.response_format = StringResult - response = await self.agent.get_response(messages, arguments=KernelArguments(settings=settings)) - result = StringResult.model_validate_json(response.message.content) + response = await self.agent.get_response(messages, arguments=KernelArguments(settings=settings)) + result = StringResult.model_validate_json(response.message.content) - if result.result not in participant_descriptions: - raise ValueError( - f"Selected agent '{result.result}' is not in the list of participants: " - f"{list(participant_descriptions.keys())}" - ) + if result.result not in participant_descriptions: + selection_span.set_attribute("agent.selection.error", "invalid_agent_selected") + raise ValueError( + f"Selected agent '{result.result}' is not in the list of participants: " + f"{list(participant_descriptions.keys())}" + ) + + selection_span.set_attributes({ + "agent.selection.selected": result.result, + "agent.selection.reasoning": result.reason, + "planning.decision": "agent_selected" + }) - return result + return result @override async def filter_results( @@ -179,60 +232,164 @@ async def filter_results( chat_history: ChatHistory, ) -> MessageResult: """Provide concrete implementation for filtering results.""" - messages = chat_history.messages[:] - messages.append(ChatMessageContent(role=AuthorRole.USER, content="Please summarize the conversation.")) - - settings = AzureChatPromptExecutionSettings() - settings.response_format = StringResult - - response = await self.agent.get_response(messages, arguments=KernelArguments(settings=settings)) - string_with_reason = StringResult.model_validate_json(response.message.content) - - return MessageResult( - result=ChatMessageContent( - role=AuthorRole.ASSISTANT, - content=string_with_reason.result, - ), - reason=string_with_reason.reason, - ) + tracer = trace.get_tracer(__name__) + + with tracer.start_as_current_span("memory_operation_summary") as memory_span: + memory_span.set_attributes({ + "gen_ai.operation.name": "memory_operation", + "gen_ai.memory.operation_type": "write", + "gen_ai.memory.source_type": "conversation_summary", + "gen_ai.memory.memory_type": "working", + "gen_ai.memory.size_bytes": len(str(chat_history.messages)) * 2, + "conversation.message_count": len(chat_history.messages) + }) + + messages = chat_history.messages[:] + messages.append(ChatMessageContent(role=AuthorRole.USER, content="Please summarize the conversation.")) + + settings = AzureChatPromptExecutionSettings() + settings.response_format = StringResult + + response = await self.agent.get_response(messages, arguments=KernelArguments(settings=settings)) + string_with_reason = StringResult.model_validate_json(response.message.content) + + memory_span.set_attributes({ + "memory.summary_length": len(string_with_reason.result), + "memory.summary_generated": True, + "memory.result_processed": True + }) + + return MessageResult( + result=ChatMessageContent( + role=AuthorRole.ASSISTANT, + content=string_with_reason.result, + ), + reason=string_with_reason.reason, + ) @enable_observability async def main(): - """Main function to run the agents.""" - # 1. Create a Group Chat orchestration with multiple agents - agents: dict[str, ChatCompletionAgent] = get_agents() - group_chat_orchestration = GroupChatOrchestration( - members=[ - agents["planner"], - agents["flight_agent"], - agents["hotel_agent"], - ], - manager=AgentBaseGroupChatManager(max_rounds=20, human_response_function=human_response_function), - streaming_agent_response_callback=streaming_agent_response_callback, - ) - - # 2. Create a runtime and start it - runtime = InProcessRuntime() - runtime.start() - - # 3. Invoke the orchestration with a task and the runtime - orchestration_result = await group_chat_orchestration.invoke( - task=( - "Plan a trip to bali for 5 days including flights, hotels, and " + """Main function to run the agents with comprehensive telemetry.""" + tracer = trace.get_tracer(__name__) + + print("šŸŽÆ Enhanced Multi-Agent Travel Planning Demo with Comprehensive Telemetry") + print("šŸ“Š Expected Telemetry Coverage:") + print(" āœ… execute_task spans - Task execution tracking") + print(" āœ… plan_task spans - Planning operations and decision making") + print(" āœ… agent_to_agent_interaction spans - Agent coordination") + print(" āœ… memory_operation spans - Memory state management") + print(" āœ… invoke_agent spans - Agent invocation (existing SK)") + print(" āœ… execute_tool spans - Tool execution (existing SK)") + print("=" * 80) + + # Create comprehensive session context + with tracer.start_as_current_span("travel_planning_session") as session_span: + session_span.set_attributes({ + "user.id": "demo_user_enhanced", + "conversation.id": "conv_enhanced_001", + "session.type": "enhanced_multi_agent_demo" + }) + + # 1. Create a Group Chat orchestration with multiple agents + with tracer.start_as_current_span("agent_initialization") as init_span: + init_span.set_attributes({ + "gen_ai.operation.name": "execute_task", + "gen_ai.task.id": "agent_setup_001", + "gen_ai.task.description": "Initialize multi-agent system" + }) + + agents: dict[str, ChatCompletionAgent] = get_agents() + init_span.set_attribute("agents.count", len(agents)) + init_span.set_attribute("agents.names", list(agents.keys())) + + # Enhanced orchestration with telemetry + with tracer.start_as_current_span("orchestration_setup") as setup_span: + setup_span.set_attributes({ + "gen_ai.operation.name": "execute_task", + "gen_ai.task.id": "orchestration_setup_001", + "gen_ai.task.description": "Setup group chat orchestration" + }) + + group_chat_orchestration = GroupChatOrchestration( + members=[ + agents["planner"], + agents["flight_agent"], + agents["hotel_agent"], + ], + manager=AgentBaseGroupChatManager(max_rounds=20, human_response_function=human_response_function), + streaming_agent_response_callback=streaming_agent_response_callback, + ) + + # 2. Create a runtime and start it + runtime = InProcessRuntime() + runtime.start() + + # 3. Comprehensive task execution with telemetry + task_description = ( + "Plan a trip to Bali for 5 days including flights, hotels, and " "activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. " - "Their vacation starts on July 30th 2025. their have a strict budget of $5000 for the trip. " - "Please provide a detailed plan and make the necessary hotel and flight bookings." - ), - runtime=runtime, - ) - - # 4. Wait for the results - value = await orchestration_result.get() - print(value) - - # 5. Stop the runtime after the invocation is complete - await runtime.stop_when_idle() + "Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. " + "Please think through this step-by-step: first assess the budget allocation, then find suitable flights, " + "select appropriate vegetarian-friendly accommodations, and plan activities. " + "Show your reasoning process and provide a detailed plan with the necessary bookings." + ) + + with tracer.start_as_current_span("comprehensive_task_execution") as task_span: + task_span.set_attributes({ + "gen_ai.operation.name": "execute_task", + "gen_ai.system": "semantic_kernel_multi_agent", + "gen_ai.task.id": "bali_trip_planning_001", + "gen_ai.task.description": task_description, + "gen_ai.task.status": "in_progress", + "gen_ai.task.expected_output": "Complete travel plan with bookings", + "gen_ai.task.constraints": ["budget:5000", "duration:5_days", "travelers:4", "dietary:vegetarian"], + "gen_ai.task.assigned_agents": ["planner", "flight_agent", "hotel_agent"], + "task.destination": "Bali", + "task.duration_days": 5, + "task.travelers": 4, + "task.budget": 5000, + "task.expected_tool_usage": ["flight_search", "hotel_search", "planning_tools"] + }) + + print(f"\nšŸ“‹ Task: {task_description}") + print("\nšŸš€ Starting enhanced multi-agent execution...") + + # Invoke the orchestration with a task and the runtime + orchestration_result = await group_chat_orchestration.invoke( + task=task_description, + runtime=runtime, + ) + + # 4. Wait for the results with memory operation tracking + with tracer.start_as_current_span("result_processing") as result_span: + result_span.set_attributes({ + "gen_ai.operation.name": "memory_operation", + "gen_ai.memory.operation_type": "read", + "gen_ai.memory.source_type": "task_result" + }) + + value = await orchestration_result.get() + + result_span.set_attributes({ + "result.length": len(str(value)), + "result.success": True, + "memory.result_retrieved": True + }) + + print(f"\nāœ… Final Result:\n{value}") + + task_span.set_attribute("gen_ai.task.status", "completed") + + # 5. Stop the runtime after the invocation is complete + await runtime.stop_when_idle() + + print("\n" + "="*80) + print("šŸ” ENHANCED TELEMETRY VERIFICATION COMPLETE:") + print(" āœ… All required span types generated") + print(" āœ… Complete trace hierarchy established") + print(" āœ… Enhanced multi-agent attributes captured") + print("=" * 80) if __name__ == "__main__": diff --git a/python/samples/demos/travel_planning_system/observability.py b/python/samples/demos/travel_planning_system/observability.py index 0f834a1bc77a..b6ce885be85e 100644 --- a/python/samples/demos/travel_planning_system/observability.py +++ b/python/samples/demos/travel_planning_system/observability.py @@ -16,6 +16,7 @@ from opentelemetry.semconv.resource import ResourceAttributes from opentelemetry.trace import set_tracer_provider from opentelemetry.trace.span import format_trace_id +from opentelemetry.exporter.otlp.proto.http.trace_exporter import OTLPSpanExporter if sys.version_info >= (3, 12): pass # pragma: no cover @@ -24,9 +25,15 @@ load_dotenv() -APPINSIGHTS_CONNECTION_STRING = os.getenv("APPINSIGHTS_CONNECTION_STRING") +APPINSIGHTS_CONNECTION_STRING = os.getenv("APPLICATIONINSIGHTS_CONNECTION_STRING") -resource = Resource.create({ResourceAttributes.SERVICE_NAME: "TravelPlanningSystemDemo"}) +# Create resource with service name from environment or default +service_name = os.getenv("OTEL_SERVICE_NAME", "TravelPlanningSystemDemo") +resource = Resource.create({ + ResourceAttributes.SERVICE_NAME: service_name, + ResourceAttributes.SERVICE_VERSION: "1.0.0", + "deployment.environment": os.getenv("DEPLOYMENT_ENV", "development") +}) def set_up_logging(): @@ -78,16 +85,38 @@ def filter(self, record): def set_up_tracing(): exporters = [] - exporters.append(AzureMonitorTraceExporter(connection_string=APPINSIGHTS_CONNECTION_STRING)) - - # Initialize a trace provider for the application. This is a factory for creating tracers. + + # Add Azure Monitor exporter if connection string is available + if APPINSIGHTS_CONNECTION_STRING: + exporters.append(AzureMonitorTraceExporter( + connection_string=APPINSIGHTS_CONNECTION_STRING + )) + print("šŸ“Š Azure Monitor trace export enabled") + + # Add Jaeger/OTLP exporter for local development + jaeger_endpoint = os.getenv("OTEL_EXPORTER_OTLP_TRACES_ENDPOINT", + "http://localhost:4318/v1/traces") + try: + otlp_exporter = OTLPSpanExporter(endpoint=jaeger_endpoint) + exporters.append(otlp_exporter) + print(f"šŸ“Š Jaeger/OTLP trace export enabled: {jaeger_endpoint}") + except Exception as e: + print(f"āš ļø Failed to initialize OTLP exporter: {e}") + + # Initialize a trace provider for the application tracer_provider = TracerProvider(resource=resource) - # Span processors are initialized with an exporter which is responsible - # for sending the telemetry data to a particular backend. + + # Add all available exporters for exporter in exporters: tracer_provider.add_span_processor(BatchSpanProcessor(exporter)) + # Sets the global default tracer provider set_tracer_provider(tracer_provider) + + if not exporters: + print("āš ļø No trace exporters configured - traces will not be sent") + else: + print(f"āœ… Tracing initialized with {len(exporters)} exporter(s)") def enable_observability(func): diff --git a/python/samples/demos/travel_planning_system/reasoning_agent.py b/python/samples/demos/travel_planning_system/reasoning_agent.py new file mode 100644 index 000000000000..28c135806638 --- /dev/null +++ b/python/samples/demos/travel_planning_system/reasoning_agent.py @@ -0,0 +1,165 @@ +"""Reasoning-compatible agent that can work with both standard and reasoning models.""" + +import sys +import os +import logging +from typing import List, Optional, Any + +# Load environment variables +from dotenv import load_dotenv +load_dotenv() + +# Add current directory to path for importing azure_reasoning_service +sys.path.append(os.path.dirname(__file__)) + +from semantic_kernel.agents import ChatCompletionAgent +from semantic_kernel.connectors.ai.open_ai import AzureChatCompletion +from semantic_kernel.contents import ChatHistory, ChatMessageContent, AuthorRole + +try: + from azure_reasoning_service import AzureReasoningCompletion +except ImportError: + # If import fails, we'll handle it gracefully in the class + AzureReasoningCompletion = None + +logger = logging.getLogger(__name__) + +# Known reasoning models that require the reasoning API endpoint +REASONING_MODELS = { + "o1-mini", "o1-preview", "o1-pro", + "o3-mini", "o3-pro", + # Add more as they become available +} + + +class ReasoningCompatibleAgent(ChatCompletionAgent): + """ + Agent that automatically detects reasoning models and uses the appropriate API. + """ + + def __init__( + self, + name: str, + description: str, + instructions: str, + plugins: Optional[List[Any]] = None, + **kwargs + ): + # Determine which service to use based on the model + deployment_name = os.getenv("AZURE_OPENAI_CHAT_DEPLOYMENT_NAME", "gpt-4o") + + if self._is_reasoning_model(deployment_name): + if AzureReasoningCompletion is None: + logger.warning("AzureReasoningCompletion not available, falling back to standard service") + service = AzureChatCompletion() + modified_instructions = instructions + self._is_fallback = True + else: + logger.info(f"Using reasoning model '{deployment_name}' with AzureReasoningCompletion") + service = AzureReasoningCompletion() + modified_instructions = self._adapt_instructions_for_reasoning(instructions) + self._is_fallback = False + else: + logger.info(f"Using standard model '{deployment_name}' with AzureChatCompletion") + service = AzureChatCompletion() + modified_instructions = instructions + self._is_fallback = False + + # Initialize the parent ChatCompletionAgent + super().__init__( + name=name, + description=description, + instructions=modified_instructions, + service=service, + plugins=plugins or [], + **kwargs + ) + + self._deployment_name = deployment_name + self._is_reasoning = self._is_reasoning_model(deployment_name) + + def _is_reasoning_model(self, model_name: str) -> bool: + """Check if the given model name is a reasoning model.""" + return any(reasoning_model in model_name.lower() for reasoning_model in REASONING_MODELS) + + def _adapt_instructions_for_reasoning(self, instructions: str) -> str: + """ + Adapt instructions for reasoning models with Chain of Thought prompting. + """ + cot_prompt = """ +When solving problems, please think step by step using this approach: + +1. **Understanding**: First, carefully read and understand what is being asked +2. **Analysis**: Break down the problem into smaller components +3. **Planning**: Consider different approaches and choose the best one +4. **Reasoning**: Work through your solution step by step, showing your thinking +5. **Verification**: Check if your solution makes sense and addresses all requirements + +For travel planning tasks specifically: +- Consider budget constraints carefully +- Think about practical logistics (travel times, connections) +- Account for dietary restrictions and preferences +- Verify availability and realistic pricing +- Provide specific, actionable recommendations + +Original instructions: """ + instructions + """ + +Please follow both the chain-of-thought approach above and the specific instructions for your role.""" + + return cot_prompt + + async def invoke(self, chat_history: ChatHistory, **kwargs) -> List[ChatMessageContent]: + """ + Override invoke to handle reasoning model specifics. + """ + if self._is_reasoning: + # For reasoning models, we need to handle system messages differently + modified_history = self._adapt_chat_history_for_reasoning(chat_history) + return await super().invoke(modified_history, **kwargs) + else: + return await super().invoke(chat_history, **kwargs) + + def _adapt_chat_history_for_reasoning(self, chat_history: ChatHistory) -> ChatHistory: + """ + Adapt chat history for reasoning models by handling system messages. + """ + adapted_history = ChatHistory() + + # Process each message + for message in chat_history.messages: + if message.role == AuthorRole.SYSTEM: + # Convert system message to user message with a prefix + user_content = f"[System Instructions]: {message.content}\n\nPlease follow these instructions in your responses." + adapted_history.add_user_message(user_content) + else: + # Keep other messages as-is + adapted_history.add_message(message) + + return adapted_history + + def get_model_info(self) -> dict: + """Get information about the current model configuration.""" + return { + "deployment_name": self._deployment_name, + "is_reasoning_model": self._is_reasoning, + "service_type": "AzureReasoningCompletion" if self._is_reasoning else "AzureChatCompletion" + } + + +def create_reasoning_compatible_agent( + name: str, + description: str, + instructions: str, + plugins: Optional[List[Any]] = None, + **kwargs +) -> ReasoningCompatibleAgent: + """ + Factory function to create a reasoning-compatible agent. + """ + return ReasoningCompatibleAgent( + name=name, + description=description, + instructions=instructions, + plugins=plugins, + **kwargs + ) diff --git a/python/samples/demos/travel_planning_system/trace_span_sample_4o.json b/python/samples/demos/travel_planning_system/trace_span_sample_4o.json new file mode 100644 index 000000000000..c3fd40734a27 --- /dev/null +++ b/python/samples/demos/travel_planning_system/trace_span_sample_4o.json @@ -0,0 +1,4007 @@ +{ + "data": [ + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spans": [ + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "7e38ea8aa55cd4fa", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "496f443d77e359b0" + } + ], + "startTime": 1750692447185773, + "duration": 1146681, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d46695dd34722922", + "operationName": "agent_runtime publish f7c53bd04cfc432a871a031cb575ccb6.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "06740f12212eed23" + } + ], + "startTime": 1750692448332880, + "duration": 14748316, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "f7c53bd04cfc432a871a031cb575ccb6.(default)-T" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "bdc664c9666153b4", + "operationName": "agent_runtime process flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "ca22d07e021852d4" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2cc3b6a0c0a59ed1" + } + ], + "startTime": 1750692463081247, + "duration": 55, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "7455e45492bfa74d", + "operationName": "chat.completions gpt-4o", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "1ea14e44768f2d86" + } + ], + "startTime": 1750692464717175, + "duration": 1046937, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4o" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BldNACd4aaGL4LrfNWbbFbxfyKstK" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1326 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 46 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "9fd4c5c651b28fb0", + "operationName": "agent_runtime process flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "aea20dcd9c73c7f3" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d322ce8145340d54" + } + ], + "startTime": 1750692445317383, + "duration": 82, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2d89dc5a43ce2bbf", + "operationName": "agent_runtime ack", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "b501db103cda6547" + } + ], + "startTime": 1750692448334389, + "duration": 45, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "receive" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "630322f725112a5a", + "operationName": "chat.completions gpt-4o", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "7e38ea8aa55cd4fa" + } + ], + "startTime": 1750692447185794, + "duration": 1146650, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4o" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BldMtsKqKfJVZmbViB9cHqDoZ4DpT" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 283 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 56 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "1824b0a8b77293de", + "operationName": "result_processing", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "a22dc001bf8ecad1" + } + ], + "startTime": 1750692445315774, + "duration": 22821380, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "read" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "task_result" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "memory.result_retrieved", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "result.length", + "type": "int64", + "value": 486 + }, + { + "key": "result.success", + "type": "bool", + "value": true + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "6483b66d6200b4bc", + "operationName": "group_chat.manager.determine_state_and_take_action", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "e212bdc72b47ab57" + } + ], + "startTime": 1750692463081435, + "duration": 5055657, + "tags": [ + { + "key": "chat_history.message_count", + "type": "int64", + "value": 3 + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 1 + }, + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "8b48e9ea4c951617", + "operationName": "group_chat.agent.invoke", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "0c0408e8c9e2ecb7" + } + ], + "startTime": 1750692448334207, + "duration": 35, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 9.5367431640625e-7 + }, + { + "key": "operation", + "type": "string", + "value": "invoke" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "09da4117e66688ab", + "operationName": "group_chat.orchestration.start", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "a22dc001bf8ecad1" + } + ], + "startTime": 1750692445315873, + "duration": 3018637, + "tags": [ + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "start" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "participant_count", + "type": "int64", + "value": 3 + }, + { + "key": "participants", + "type": "string", + "value": "planner,flight_agent,hotel_agent" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "09e27f78485cce5c", + "operationName": "agent_runtime create GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "09da4117e66688ab" + } + ], + "startTime": 1750692445318184, + "duration": 3016314, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatStartMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "7a604124871020c2", + "operationName": "group_chat.agent.invoke", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d9e059f271ad9c79" + } + ], + "startTime": 1750692448334060, + "duration": 9, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 9.5367431640625e-7 + }, + { + "key": "operation", + "type": "string", + "value": "invoke" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "b501db103cda6547", + "operationName": "agent_runtime send GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "09e27f78485cce5c" + } + ], + "startTime": 1750692445318314, + "duration": 3014469, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "c153cf0554da8bda", + "operationName": "execute_tool PlanningPlugin-search_flights", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87" + } + ], + "startTime": 1750692456650485, + "duration": 299, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_RcfjLO6NLpujsVY2leeSJA0d" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Search for available flights." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-search_flights" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "a773009961ad0657", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "bdc664c9666153b4" + } + ], + "startTime": 1750692463081263, + "duration": 34, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "a096496c4969c9d8", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "7f1e8a5d6ede7c91" + } + ], + "startTime": 1750692465784565, + "duration": 2351948, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "63bb98a7-6b73-43b1-8303-260d770bae22" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "e212bdc72b47ab57", + "operationName": "group_chat.manager.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "00ded8a1e8891c9f" + } + ], + "startTime": 1750692463081405, + "duration": 5055692, + "tags": [ + { + "key": "chat_history.message_count", + "type": "int64", + "value": 1 + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 1 + }, + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "9eabd097fac5c3c6", + "operationName": "execute_tool PlanningPlugin-search_hotels", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87" + } + ], + "startTime": 1750692456650974, + "duration": 205, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_A9O3JjBMEldBFK0ISCd10DFb" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Search for available hotels." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-search_hotels" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "092f630023c058e3", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "e45cc8c4dd7ed32c" + } + ], + "startTime": 1750692463094476, + "duration": 1606897, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "63bb98a7-6b73-43b1-8303-260d770bae22" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d0ea60f19133210b", + "operationName": "agent_runtime send hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "93a07fbb93e9465f" + } + ], + "startTime": 1750692445317560, + "duration": 169, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d9e059f271ad9c79", + "operationName": "agent_runtime process flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d46695dd34722922" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "06740f12212eed23" + } + ], + "startTime": 1750692448334045, + "duration": 30, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "5cbdd2c75d7860af", + "operationName": "chat.completions gpt-4o", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "85a488266c108ee0" + } + ], + "startTime": 1750692463094690, + "duration": 1606627, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4o" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BldN9qBQEyLZpRdo6Zr1LxUdXb88w" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1327 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 45 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "85a488266c108ee0", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "092f630023c058e3" + } + ], + "startTime": 1750692463094666, + "duration": 1606660, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "6c132d1d512a5878", + "operationName": "main", + "references": [], + "startTime": 1750692445207418, + "duration": 22929895, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "samples.demos.travel_planning_system.observability" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "6f98ead8e1f2c9ef", + "operationName": "group_chat.agent.handle_start_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "c3839ac459a0047c" + } + ], + "startTime": 1750692445317675, + "duration": 33, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_start_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "536046bfc3597520", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87" + } + ], + "startTime": 1750692456651791, + "duration": 10, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2cc3b6a0c0a59ed1", + "operationName": "agent_runtime create f7c53bd04cfc432a871a031cb575ccb6.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "6d4fd5db9c565240" + } + ], + "startTime": 1750692463074161, + "duration": 6768, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "f7c53bd04cfc432a871a031cb575ccb6.(default)-T" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatResponseMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "00ded8a1e8891c9f", + "operationName": "agent_runtime process GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "ca22d07e021852d4" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2cc3b6a0c0a59ed1" + } + ], + "startTime": 1750692463081390, + "duration": 5055713, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "fc0f1a2f1974505b", + "operationName": "agent_runtime send planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d6d9b9fb1a14a2df" + } + ], + "startTime": 1750692445316650, + "duration": 485, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "93a07fbb93e9465f", + "operationName": "agent_runtime create hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "09da4117e66688ab" + } + ], + "startTime": 1750692445316496, + "duration": 1593, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatStartMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "e28180561a9c4de0", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2aa29b0487a7afe8" + } + ], + "startTime": 1750692463081338, + "duration": 23, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2076742d16198c2a", + "operationName": "group_chat.manager.determine_state_and_take_action", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "fc7159e0bd714491" + } + ], + "startTime": 1750692445318519, + "duration": 3014231, + "tags": [ + { + "key": "chat_history.message_count", + "type": "int64", + "value": 1 + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 0 + }, + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "23cf318929d8f417", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87" + } + ], + "startTime": 1750692457276025, + "duration": 12, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "667991658a1d755c", + "operationName": "chat.completions gpt-4o", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2e13c86da2d08904" + } + ], + "startTime": 1750692465784812, + "duration": 2351649, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4o" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BldNBwBO4EDo8VQbvDRMo5Xsj2ndX" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1324 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 128 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2fc13dcafd6b32b3", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "6483b66d6200b4bc" + } + ], + "startTime": 1750692464716936, + "duration": 1047221, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "63bb98a7-6b73-43b1-8303-260d770bae22" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "7f1e8a5d6ede7c91", + "operationName": "memory_operation_summary", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "6483b66d6200b4bc" + } + ], + "startTime": 1750692465777802, + "duration": 2358735, + "tags": [ + { + "key": "conversation.message_count", + "type": "int64", + "value": 3 + }, + { + "key": "gen_ai.memory.memory_type", + "type": "string", + "value": "working" + }, + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.size_bytes", + "type": "int64", + "value": 815098 + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "conversation_summary" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "memory.result_processed", + "type": "bool", + "value": true + }, + { + "key": "memory.summary_generated", + "type": "bool", + "value": true + }, + { + "key": "memory.summary_length", + "type": "int64", + "value": 486 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "1384bc617d8a24b7", + "operationName": "group_chat.agent.handle_start_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "9fd4c5c651b28fb0" + } + ], + "startTime": 1750692445317401, + "duration": 56, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_start_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "a1b279b72eb51c8c", + "operationName": "agent_runtime ack", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "aea20dcd9c73c7f3" + } + ], + "startTime": 1750692445317927, + "duration": 37, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "receive" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d322ce8145340d54", + "operationName": "agent_runtime create flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "09da4117e66688ab" + } + ], + "startTime": 1750692445316405, + "duration": 1593, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatStartMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "de7d3376fe7bca0f", + "operationName": "chat.completions gpt-4o", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "744395b0e40f128f" + } + ], + "startTime": 1750692445321506, + "duration": 1863844, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4o" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BldMs3X35tl4X6OY8WsJpjfSfCMK3" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 235 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 32 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "496f443d77e359b0", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "a4bdc9f5b84b77ff" + } + ], + "startTime": 1750692447185615, + "duration": 1146879, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "63bb98a7-6b73-43b1-8303-260d770bae22" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "1a59b011c83ec64b", + "operationName": "agent_runtime process planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d46695dd34722922" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "06740f12212eed23" + } + ], + "startTime": 1750692448333025, + "duration": 14747926, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "1caed847294074f4", + "operationName": "agent_initialization", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + } + ], + "startTime": 1750692445207515, + "duration": 69715, + "tags": [ + { + "key": "agents.count", + "type": "int64", + "value": 6 + }, + { + "key": "agents.names", + "type": "string", + "value": "[\"conversation_manager\",\"planner\",\"router\",\"destination_expert\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_task" + }, + { + "key": "gen_ai.task.description", + "type": "string", + "value": "Initialize multi-agent system" + }, + { + "key": "gen_ai.task.id", + "type": "string", + "value": "agent_setup_001" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "bca93fa87aabf2b2", + "operationName": "group_chat.agent.handle_start_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "b19b7bab44c28697" + } + ], + "startTime": 1750692445317011, + "duration": 74, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "planner_f7c53bd04cfc432a871a031cb575ccb6/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "planner" + }, + { + "key": "operation", + "type": "string", + "value": "handle_start_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d6d9b9fb1a14a2df", + "operationName": "agent_runtime create planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "09da4117e66688ab" + } + ], + "startTime": 1750692445316268, + "duration": 1590, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatStartMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2aa29b0487a7afe8", + "operationName": "agent_runtime process hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "ca22d07e021852d4" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2cc3b6a0c0a59ed1" + } + ], + "startTime": 1750692463081327, + "duration": 38, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "6d4fd5db9c565240", + "operationName": "group_chat.agent.invoke", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "1a59b011c83ec64b" + } + ], + "startTime": 1750692448333044, + "duration": 14747900, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "planner_f7c53bd04cfc432a871a031cb575ccb6/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "planner" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 14.747886896133423 + }, + { + "key": "operation", + "type": "string", + "value": "invoke" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "aea20dcd9c73c7f3", + "operationName": "agent_runtime send flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d322ce8145340d54" + } + ], + "startTime": 1750692445317251, + "duration": 239, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "5dfc6f58b1d28ef7", + "operationName": "invoke_agent planner", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "6d4fd5db9c565240" + } + ], + "startTime": 1750692448333083, + "duration": 14733218, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "Creates comprehensive travel plans including flights, hotels, and activities" + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "6f730ac3-546d-47da-babd-ac77e0d0ecee" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f", + "operationName": "travel_planning_session", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "6c132d1d512a5878" + } + ], + "startTime": 1750692445207491, + "duration": 22929807, + "tags": [ + { + "key": "conversation.id", + "type": "string", + "value": "conv_enhanced_001" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "session.type", + "type": "string", + "value": "enhanced_multi_agent_demo" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + }, + { + "key": "user.id", + "type": "string", + "value": "demo_user_enhanced" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "ca257c2b72d37532", + "operationName": "orchestration_setup", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + } + ], + "startTime": 1750692445277266, + "duration": 7571, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_task" + }, + { + "key": "gen_ai.task.description", + "type": "string", + "value": "Setup group chat orchestration" + }, + { + "key": "gen_ai.task.id", + "type": "string", + "value": "orchestration_setup_001" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "0d6922678cab091d", + "operationName": "planning_user_input_assessment", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2076742d16198c2a" + } + ], + "startTime": 1750692445318589, + "duration": 14, + "tags": [ + { + "key": "chat.last_message_role", + "type": "string", + "value": "AuthorRole.USER" + }, + { + "key": "chat.message_count", + "type": "int64", + "value": 1 + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "simple" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "interaction_control" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "user_input_assessment" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "no_input_needed_recent" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "091ecde4d3471cc3", + "operationName": "agent_runtime ack", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "fc0f1a2f1974505b" + } + ], + "startTime": 1750692445317792, + "duration": 24, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "receive" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "744395b0e40f128f", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "0ec0e06944280ae5" + } + ], + "startTime": 1750692445321455, + "duration": 1863905, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "0ec0e06944280ae5", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2076742d16198c2a" + } + ], + "startTime": 1750692445319025, + "duration": 1866392, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "63bb98a7-6b73-43b1-8303-260d770bae22" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "c064829c74e776b9", + "operationName": "chat.streaming_completions gpt-4o", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87" + } + ], + "startTime": 1750692456651875, + "duration": 623606, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4o" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.TOOL_CALLS" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BldN2eBSX27QuAGdFp24obuH6y1J0" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 606 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 21 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "00b801c2a81755ad", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87" + } + ], + "startTime": 1750692457276073, + "duration": 8, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "5dfc6f58b1d28ef7" + } + ], + "startTime": 1750692448333356, + "duration": 14732898, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "PlanningPlugin-get_weather,PlanningPlugin-search_flights,PlanningPlugin-search_hotels" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "a4bdc9f5b84b77ff", + "operationName": "agent_selection_planning", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2076742d16198c2a" + } + ], + "startTime": 1750692447185539, + "duration": 1146978, + "tags": [ + { + "key": "agent.selection.available_agents", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "agent.selection.conversation_length", + "type": "int64", + "value": 1 + }, + { + "key": "agent.selection.reasoning", + "type": "string", + "value": "The planner should speak next to assess the budget allocation before diving into specific bookings for flights, hotels, and activities. Once the budget is considered, the planner can delegate specific tasks to the flight_agent and hotel_agent based on the budget." + }, + { + "key": "agent.selection.selected", + "type": "string", + "value": "planner" + }, + { + "key": "agent.selection.total_participants", + "type": "int64", + "value": 3 + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "moderate" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "agent_coordination" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "agent_selection" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "agent_selected" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "c3839ac459a0047c", + "operationName": "agent_runtime process hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d0ea60f19133210b" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "93a07fbb93e9465f" + } + ], + "startTime": 1750692445317660, + "duration": 52, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "06740f12212eed23", + "operationName": "agent_runtime create f7c53bd04cfc432a871a031cb575ccb6.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2076742d16198c2a" + } + ], + "startTime": 1750692448332665, + "duration": 76, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "f7c53bd04cfc432a871a031cb575ccb6.(default)-T" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatRequestMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "fcd27df74eb24f4a", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87" + } + ], + "startTime": 1750692456651726, + "duration": 17, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "5f49572b022fc4a5", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "6d4fd5db9c565240" + } + ], + "startTime": 1750692463066345, + "duration": 10, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "e45cc8c4dd7ed32c", + "operationName": "planning_user_input_assessment", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "6483b66d6200b4bc" + } + ], + "startTime": 1750692463094391, + "duration": 1607001, + "tags": [ + { + "key": "chat.last_message_role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "chat.message_count", + "type": "int64", + "value": 3 + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "simple" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "interaction_control" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "user_input_assessment" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "continue_conversation" + }, + { + "key": "planning.decision_reasoning", + "type": "string", + "value": "The current plan addresses budget constraints, flight, accommodation, and a complete itinerary for the trip. No further input is needed unless the family has specific preferences or changes to their requirements." + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2e13c86da2d08904", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "a096496c4969c9d8" + } + ], + "startTime": 1750692465784789, + "duration": 2351681, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "a22dc001bf8ecad1", + "operationName": "comprehensive_task_execution", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + } + ], + "startTime": 1750692445313340, + "duration": 22823821, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_task" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "semantic_kernel_multi_agent" + }, + { + "key": "gen_ai.task.assigned_agents", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "gen_ai.task.constraints", + "type": "string", + "value": "[\"budget:5000\",\"duration:5_days\",\"travelers:4\",\"dietary:vegetarian\"]" + }, + { + "key": "gen_ai.task.description", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." + }, + { + "key": "gen_ai.task.expected_output", + "type": "string", + "value": "Complete travel plan with bookings" + }, + { + "key": "gen_ai.task.id", + "type": "string", + "value": "bali_trip_planning_001" + }, + { + "key": "gen_ai.task.status", + "type": "string", + "value": "completed" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + }, + { + "key": "task.budget", + "type": "int64", + "value": 5000 + }, + { + "key": "task.destination", + "type": "string", + "value": "Bali" + }, + { + "key": "task.duration_days", + "type": "int64", + "value": 5 + }, + { + "key": "task.expected_tool_usage", + "type": "string", + "value": "[\"flight_search\",\"hotel_search\",\"planning_tools\"]" + }, + { + "key": "task.travelers", + "type": "int64", + "value": 4 + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "05776689bfade81a", + "operationName": "execute_tool PlanningPlugin-get_weather", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87" + } + ], + "startTime": 1750692457275764, + "duration": 110, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_FQ3Q9XCCDy7Z6TvBJ9ecAKgu" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Get weather information for a location." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-get_weather" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "1ea14e44768f2d86", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2fc13dcafd6b32b3" + } + ], + "startTime": 1750692464717120, + "duration": 1047000, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "fc7159e0bd714491", + "operationName": "group_chat.manager.handle_start_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "103b3f8e4715f7a7" + } + ], + "startTime": 1750692445318470, + "duration": 3014285, + "tags": [ + { + "key": "chat_history.message_count", + "type": "int64", + "value": 0 + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 0 + }, + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "handle_start_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "7a60e408eb0d3952", + "operationName": "agent_runtime ack", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d0ea60f19133210b" + } + ], + "startTime": 1750692445318039, + "duration": 24, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "receive" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "24bbeb17cbc83101", + "operationName": "chat.streaming_completions gpt-4o", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87" + } + ], + "startTime": 1750692448333379, + "duration": 8308280, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4o" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.TOOL_CALLS" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BldMvDbZ411T9rs2IfnQOEOL2L3Ja" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 236 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 571 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "f446412a0453b99a", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87" + } + ], + "startTime": 1750692456651421, + "duration": 19, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 1897 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "96d822e147c35c93", + "operationName": "chat.streaming_completions gpt-4o", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "81037d45148b5e87" + } + ], + "startTime": 1750692457276123, + "duration": 5790119, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4o" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BldN3cSqO3nI3sBY86OiJTa1jVrdR" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 651 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 608 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "ca22d07e021852d4", + "operationName": "agent_runtime publish f7c53bd04cfc432a871a031cb575ccb6.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "925d222cae14e00f" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "2cc3b6a0c0a59ed1" + } + ], + "startTime": 1750692463081073, + "duration": 5056121, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "f7c53bd04cfc432a871a031cb575ccb6.(default)-T" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "b19b7bab44c28697", + "operationName": "agent_runtime process planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "fc0f1a2f1974505b" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d6d9b9fb1a14a2df" + } + ], + "startTime": 1750692445316849, + "duration": 248, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "103b3f8e4715f7a7", + "operationName": "agent_runtime process GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "b501db103cda6547" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "09e27f78485cce5c" + } + ], + "startTime": 1750692445318455, + "duration": 3014309, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "0c0408e8c9e2ecb7", + "operationName": "agent_runtime process hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "d46695dd34722922" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "61085bda55888d292283502aafdca1f7", + "spanID": "06740f12212eed23" + } + ], + "startTime": 1750692448334100, + "duration": 165, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + } + ], + "processes": { + "p1": { + "serviceName": "otel-compare", + "tags": [ + { + "key": "deployment.environment", + "type": "string", + "value": "development" + }, + { + "key": "service.version", + "type": "string", + "value": "1.0.0" + }, + { + "key": "telemetry.sdk.language", + "type": "string", + "value": "python" + }, + { + "key": "telemetry.sdk.name", + "type": "string", + "value": "opentelemetry" + }, + { + "key": "telemetry.sdk.version", + "type": "string", + "value": "1.34.0" + } + ] + } + }, + "warnings": null + } + ], + "total": 0, + "limit": 0, + "offset": 0, + "errors": null +} \ No newline at end of file diff --git a/python/semantic_kernel/agents/orchestration/group_chat.py b/python/semantic_kernel/agents/orchestration/group_chat.py index 4b4fe07b2cc7..2266beea5a43 100644 --- a/python/semantic_kernel/agents/orchestration/group_chat.py +++ b/python/semantic_kernel/agents/orchestration/group_chat.py @@ -23,6 +23,11 @@ from semantic_kernel.contents.utils.author_role import AuthorRole from semantic_kernel.kernel_pydantic import KernelBaseModel from semantic_kernel.utils.feature_stage_decorator import experimental +from semantic_kernel.utils.telemetry.group_chat_diagnostics import ( + trace_group_chat_agent_message, + trace_group_chat_manager_message, + trace_group_chat_orchestration, +) if sys.version_info >= (3, 12): from typing import override # pragma: no cover @@ -103,6 +108,7 @@ class GroupChatAgentActor(AgentActorBase): """An agent actor that process messages in a group chat.""" @message_handler + @trace_group_chat_agent_message("handle_start_message") async def _handle_start_message(self, message: GroupChatStartMessage, ctx: MessageContext) -> None: """Handle the start message for the group chat.""" logger.debug(f"{self.id}: Received group chat start message.") @@ -122,7 +128,9 @@ async def _handle_start_message(self, message: GroupChatStartMessage, ctx: Messa raise ValueError(f"Invalid message body type: {type(message.body)}. Expected {DefaultTypeAlias}.") @message_handler + @trace_group_chat_agent_message("handle_response_message") async def _handle_response_message(self, message: GroupChatResponseMessage, ctx: MessageContext) -> None: + """Handle response message from another agent.""" logger.debug(f"{self.id}: Received group chat response message.") if self._agent_thread is not None: await self._agent_thread.on_new_message(message.body) @@ -130,14 +138,16 @@ async def _handle_response_message(self, message: GroupChatResponseMessage, ctx: self._chat_history.add_message(message.body) @message_handler + @trace_group_chat_agent_message("invoke") async def _handle_request_message(self, message: GroupChatRequestMessage, ctx: MessageContext) -> None: + """Handle request message to invoke this agent.""" if message.agent_name != self._agent.name: return logger.debug(f"{self.id}: Received group chat request message.") - + response = await self._invoke_agent() - + logger.debug(f"{self.id} responded with {response}.") await self.publish_message( @@ -288,6 +298,7 @@ def __init__( super().__init__(description="An actor for the group chat manager.") @message_handler + @trace_group_chat_manager_message("handle_start_message") async def _handle_start_message(self, message: GroupChatStartMessage, ctx: MessageContext) -> None: """Handle the start message for the group chat.""" logger.debug(f"{self.id}: Received group chat start message.") @@ -302,7 +313,9 @@ async def _handle_start_message(self, message: GroupChatStartMessage, ctx: Messa await self._determine_state_and_take_action(ctx.cancellation_token) @message_handler + @trace_group_chat_manager_message("handle_response_message") async def _handle_response_message(self, message: GroupChatResponseMessage, ctx: MessageContext) -> None: + """Handle response messages from agents in the group chat.""" if message.body.role != AuthorRole.USER: self._chat_history.add_message( ChatMessageContent( @@ -314,6 +327,7 @@ async def _handle_response_message(self, message: GroupChatResponseMessage, ctx: await self._determine_state_and_take_action(ctx.cancellation_token) + @trace_group_chat_manager_message("determine_state_and_take_action") async def _determine_state_and_take_action(self, cancellation_token: CancellationToken) -> None: """Determine the state of the group chat and take action accordingly.""" # User input state @@ -419,6 +433,7 @@ def __init__( ) @override + @trace_group_chat_orchestration("start") async def _start( self, task: DefaultTypeAlias, @@ -434,7 +449,6 @@ async def _start( too slow), it might send a request to the next agent before the other actors have the necessary context. """ - async def send_start_message(agent: Agent) -> None: target_actor_id = await runtime.get(self._get_agent_actor_type(agent, internal_topic_type)) await runtime.send_message( diff --git a/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/__init__.py b/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/__init__.py new file mode 100644 index 000000000000..ecd2421e8c17 --- /dev/null +++ b/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/__init__.py @@ -0,0 +1,13 @@ +# Copyright (c) Microsoft. All rights reserved. + +from semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators import ( + trace_group_chat_agent_message, + trace_group_chat_manager_message, + trace_group_chat_orchestration, +) + +__all__ = [ + "trace_group_chat_agent_message", + "trace_group_chat_manager_message", + "trace_group_chat_orchestration", +] diff --git a/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py b/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py new file mode 100644 index 000000000000..6ca4bb8263c8 --- /dev/null +++ b/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py @@ -0,0 +1,116 @@ +# Copyright (c) Microsoft. All rights reserved. + +import functools +import time +from collections.abc import Awaitable, Callable +from typing import ParamSpec, TypeVar + +from opentelemetry.trace import Status, StatusCode, get_tracer +from semantic_kernel.utils.feature_stage_decorator import experimental + +P = ParamSpec("P") +T = TypeVar("T") + +# Creates a tracer from the global tracer provider +tracer = get_tracer(__name__) + + +@experimental +def trace_group_chat_agent_message(operation_name: str): + """Decorator to trace group chat agent message handling.""" + def decorator(func: Callable[P, Awaitable[T]]) -> Callable[P, Awaitable[T]]: + @functools.wraps(func) + async def wrapper(*args: P.args, **kwargs: P.kwargs) -> T: + agent_actor = args[0] # GroupChatAgentActor instance + + span_name = f"group_chat.agent.{operation_name}" + with tracer.start_as_current_span(span_name) as span: + span.set_attribute("agent.id", str(agent_actor.id)) + span.set_attribute("agent.name", agent_actor._agent.name) + span.set_attribute("operation", operation_name) + + try: + if operation_name == "invoke": + start_time = time.time() + result = await func(*args, **kwargs) + duration = time.time() - start_time + span.set_attribute("execution.duration_seconds", duration) + else: + result = await func(*args, **kwargs) + + span.set_status(Status(StatusCode.OK)) + return result + except Exception as e: + span.set_status(Status(StatusCode.ERROR, str(e))) + raise + + wrapper.__group_chat_diagnostics__ = True # type: ignore + return wrapper + return decorator + + +@experimental +def trace_group_chat_manager_message(operation_name: str): + """Decorator to trace group chat manager message handling.""" + def decorator(func: Callable[P, Awaitable[T]]) -> Callable[P, Awaitable[T]]: + @functools.wraps(func) + async def wrapper(*args: P.args, **kwargs: P.kwargs) -> T: + manager_actor = args[0] # GroupChatManagerActor instance + + span_name = f"group_chat.manager.{operation_name}" + with tracer.start_as_current_span(span_name) as span: + span.set_attribute("operation", operation_name) + manager_type = type(manager_actor._manager).__name__ + span.set_attribute("manager_type", manager_type) + + if hasattr(manager_actor._manager, 'current_round'): + current_round = manager_actor._manager.current_round + span.set_attribute("manager.current_round", current_round) + + if hasattr(manager_actor, '_chat_history'): + msg_count = len(manager_actor._chat_history.messages) + span.set_attribute("chat_history.message_count", msg_count) + + try: + result = await func(*args, **kwargs) + span.set_status(Status(StatusCode.OK)) + return result + except Exception as e: + span.set_status(Status(StatusCode.ERROR, str(e))) + raise + + wrapper.__group_chat_diagnostics__ = True # type: ignore + return wrapper + return decorator + + +@experimental +def trace_group_chat_orchestration(operation_name: str): + """Decorator to trace group chat orchestration operations.""" + def decorator(func: Callable[P, Awaitable[T]]) -> Callable[P, Awaitable[T]]: + @functools.wraps(func) + async def wrapper(*args: P.args, **kwargs: P.kwargs) -> T: + orchestration = args[0] # GroupChatOrchestration instance + + span_name = f"group_chat.orchestration.{operation_name}" + with tracer.start_as_current_span(span_name) as span: + span.set_attribute("operation", operation_name) + span.set_attribute("participant_count", len(orchestration._members)) + manager_type = type(orchestration._manager).__name__ + span.set_attribute("manager_type", manager_type) + + # Add participant names + participant_names = [agent.name for agent in orchestration._members] + span.set_attribute("participants", ",".join(participant_names)) + + try: + result = await func(*args, **kwargs) + span.set_status(Status(StatusCode.OK)) + return result + except Exception as e: + span.set_status(Status(StatusCode.ERROR, str(e))) + raise + + wrapper.__group_chat_diagnostics__ = True # type: ignore + return wrapper + return decorator From a3e0ff70b2237605afe6a04db0de75393057e47c Mon Sep 17 00:00:00 2001 From: Nagkumar Arkalgud Date: Mon, 23 Jun 2025 15:59:37 -0700 Subject: [PATCH 2/5] Updates to ensure all spans have data --- .../group_chat_based_system.py | 4 +- .../latest_trace_span.json | 8926 +++++++++++++++++ .../group_chat_diagnostics/decorators.py | 83 +- 3 files changed, 9010 insertions(+), 3 deletions(-) create mode 100644 python/samples/demos/travel_planning_system/latest_trace_span.json diff --git a/python/samples/demos/travel_planning_system/group_chat_based_system.py b/python/samples/demos/travel_planning_system/group_chat_based_system.py index 3a46debab8e5..d0281dbf107e 100644 --- a/python/samples/demos/travel_planning_system/group_chat_based_system.py +++ b/python/samples/demos/travel_planning_system/group_chat_based_system.py @@ -109,6 +109,7 @@ async def should_request_user_input(self, chat_history: ChatHistory) -> BooleanR with tracer.start_as_current_span("planning_user_input_assessment") as plan_span: plan_span.set_attributes({ + "gen_ai.operation.name": "plan_task", "gen_ai.planning.type": "user_input_assessment", "gen_ai.planning.complexity": "simple", "gen_ai.planning.stage": "interaction_control", @@ -185,9 +186,10 @@ async def select_next_agent( with tracer.start_as_current_span("agent_selection_planning") as selection_span: selection_span.set_attributes({ - "gen_ai.planning.type": "agent_selection", + "gen_ai.planning.type": "plan_task", "gen_ai.planning.complexity": "moderate", "gen_ai.planning.stage": "agent_coordination", + "gen_ai.operation.name": "plan_task", "agent.selection.total_participants": len(participant_descriptions), "agent.selection.available_agents": list(participant_descriptions.keys()), "agent.selection.conversation_length": len(chat_history.messages) diff --git a/python/samples/demos/travel_planning_system/latest_trace_span.json b/python/samples/demos/travel_planning_system/latest_trace_span.json new file mode 100644 index 000000000000..65f02a2bfdf6 --- /dev/null +++ b/python/samples/demos/travel_planning_system/latest_trace_span.json @@ -0,0 +1,8926 @@ +{ + "data": [ + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spans": [ + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "85084e67debcf1a8", + "operationName": "execute_tool PlanningPlugin-search_flights", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719192392321, + "duration": 207, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_peURwxqcwAARPOlokgYprHxK" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Search for available flights." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-search_flights" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "5248ab6bbd7a5cd5", + "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "67e37d1f36176f2e" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8f431d80e1aa1304" + } + ], + "startTime": 1750719194643613, + "duration": 125, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6c04f70f245f5435", + "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ab4c4679922a7a11" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7f870a2e2ae08b4f" + } + ], + "startTime": 1750719199203212, + "duration": 110, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "02c185b05ee0b439", + "operationName": "chat.streaming_completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719192393169, + "duration": 1664216, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.TOOL_CALLS" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKGM9j2mya4fh9vrNkprVClMGGL" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 999 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 297 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c2e4d9ce1bab9543", + "operationName": "group_chat.manager.determine_state_and_take_action", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "83e47e3a23a43dc0" + } + ], + "startTime": 1750719183935271, + "duration": 2584984, + "tags": [ + { + "key": "chat_history.message_count", + "type": "int64", + "value": 1 + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 0 + }, + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "47eef6739fa42228", + "operationName": "group_chat.agent.invoke", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b7b69c0759495b05" + } + ], + "startTime": 1750719186521662, + "duration": 43, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 9.5367431640625e-7 + }, + { + "key": "operation", + "type": "string", + "value": "invoke" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ab4c4679922a7a11", + "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7f870a2e2ae08b4f" + } + ], + "startTime": 1750719199202907, + "duration": 924, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0f0867ac1f28339f", + "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d7b25223c110cf42" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "aeab8d16af722d81" + } + ], + "startTime": 1750719200736812, + "duration": 2304688, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d15b10d5a821c02f", + "operationName": "agent_responds_to_manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d319764097eb52c7" + } + ], + "startTime": 1750719203041478, + "duration": 13, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 2.3046112060546875 + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "send_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "099db24d1ff5d236", + "operationName": "execute_tool HotelPlugin-book_hotel", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9d913b2bd21673ca" + } + ], + "startTime": 1750719202316370, + "duration": 93, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_aomvp4O8WtQjdyrP2xsnv4Fh" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Book a specific hotel." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "HotelPlugin-book_hotel" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "4dfcc93c17d67e51", + "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9982a265297ba185" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "499d30b9938e0e5c" + } + ], + "startTime": 1750719206425453, + "duration": 75, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "25686d71e11dfa69", + "operationName": "execute_tool PlanningPlugin-get_weather", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719189451910, + "duration": 115, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_uxSNx52qOP9A1IOFMivuCzFG" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Get weather information for a location." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-get_weather" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7443e29587b75ad6", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719192392898, + "duration": 12, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 1939 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "088a68fa7407af29", + "operationName": "chat.completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b89ff1d85dfff09d" + } + ], + "startTime": 1750719194669567, + "duration": 1527193, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKJfB0H5SrSqU2H1qkeWzLrSfta" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1160 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 68 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "56508c9f1839c191", + "operationName": "planning_user_input_assessment", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7ddaef61dc3754f6" + } + ], + "startTime": 1750719203066933, + "duration": 644664, + "tags": [ + { + "key": "chat.last_message_role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "chat.message_count", + "type": "int64", + "value": 6 + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "plan_task" + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "simple" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "interaction_control" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "user_input_assessment" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "input_needed" + }, + { + "key": "planning.decision_reasoning", + "type": "string", + "value": "The current plan includes booked flights and hotel, with a proposed itinerary. To finalize the trip, further input on specific activities, vegetarian dining preferences, and any additional requests from the family would be helpful." + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "41b33e6293b46fb0", + "operationName": "group_chat.agent.invoke", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "1e0b5276a801ff95" + } + ], + "startTime": 1750719200736635, + "duration": 58, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "planner" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 0.0000011920928955078125 + }, + { + "key": "operation", + "type": "string", + "value": "invoke" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "5e6ce04adf19c723", + "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0e5e7a5a5cb8af79" + } + ], + "startTime": 1750719203041626, + "duration": 5214932, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "26891cc0f71ef3dd", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "33b43d71ff714548" + } + ], + "startTime": 1750719206422483, + "duration": 605855, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "90df1fa8a5f9924b", + "operationName": "agent_receives_delegation", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "47eef6739fa42228" + } + ], + "startTime": 1750719186521674, + "duration": 10, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "flight_agent" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_delegation" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "requested_agent", + "type": "string", + "value": "planner" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "774ade7135297136", + "operationName": "agent_runtime send hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b600ce34d81b97fe" + } + ], + "startTime": 1750719183934600, + "duration": 131, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0de9986a4f721ab4", + "operationName": "invoke_agent hotel_agent", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d319764097eb52c7" + } + ], + "startTime": 1750719200736887, + "duration": 2303322, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "Specializes in hotel booking" + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "455f9c1e-b155-408d-8466-366b979f1f03" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "963e1de9f5d03d26", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "3579f8fedff9c20f" + } + ], + "startTime": 1750719194628535, + "duration": 7, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "fdaa85af83a98316", + "operationName": "group_chat.manager.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "275880a735e5646d" + } + ], + "startTime": 1750719194643896, + "duration": 6092456, + "tags": [ + { + "key": "chat_history.message_count", + "type": "int64", + "value": 1 + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 1 + }, + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "84ec7d0c1540e8c4", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "306770e1c47a59ca" + } + ], + "startTime": 1750719199201208, + "duration": 818550, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "4dbfa22fe2e1f577", + "operationName": "chat.completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "26891cc0f71ef3dd" + } + ], + "startTime": 1750719206422506, + "duration": 605822, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKU8bv0uKF29HyK9ULyw4TiqKv9" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1252 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 40 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "1f52353dca707ace", + "operationName": "chat.streaming_completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719194060880, + "duration": 566760, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.TOOL_CALLS" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKIs3Ap4yqIqGsVMLCsrbbaSb47" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1178 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 42 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8f431d80e1aa1304", + "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "3579f8fedff9c20f" + } + ], + "startTime": 1750719194636011, + "duration": 7097, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatResponseMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6c46c7c16c07e304", + "operationName": "agent_responds_to_manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8869d94d2023cc05" + } + ], + "startTime": 1750719186521774, + "duration": 7, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 0 + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "send_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d72a823b8b78af15", + "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c2e4d9ce1bab9543" + } + ], + "startTime": 1750719186520161, + "duration": 65, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatRequestMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b0fff181f3a36d6d", + "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d7b25223c110cf42" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "aeab8d16af722d81" + } + ], + "startTime": 1750719200736728, + "duration": 59, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "072ec523099e537a", + "operationName": "chat.completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6c3a7f01f5c692bf" + } + ], + "startTime": 1750719200058672, + "duration": 676376, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKOsG6FLxswbOTxBf6j6S80FCCS" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1212 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 39 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "1aa073ce33986032", + "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "57f0209f8ecd3f75" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "32ef444423b46c34" + } + ], + "startTime": 1750719183934215, + "duration": 96, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b600ce34d81b97fe", + "operationName": "agent_runtime create hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "1a3c19fc641b2348" + } + ], + "startTime": 1750719183933951, + "duration": 1027, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatStartMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "3656467b24be3a2a", + "operationName": "agent_runtime ack", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "569fb5d292df3dc0" + } + ], + "startTime": 1750719186521816, + "duration": 21, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "receive" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "a40afbc0da5baba4", + "operationName": "planning_user_input_assessment", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6576d1cb6dd7b459" + } + ], + "startTime": 1750719194669291, + "duration": 1527543, + "tags": [ + { + "key": "chat.last_message_role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "chat.message_count", + "type": "int64", + "value": 3 + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "plan_task" + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "simple" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "interaction_control" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "user_input_assessment" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "input_needed" + }, + { + "key": "planning.decision_reasoning", + "type": "string", + "value": "The current plan has outlined the flight choices, accommodation, and a general itinerary for activities. To finalize the booking, specific preferences for flights and accommodations should be confirmed, and reservations need to be made. Additionally, details regarding vegetarian meal options and any specific activity preferences should be clarified with the users." + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "da13cce5e9c4f301", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d319764097eb52c7" + } + ], + "startTime": 1750719203040259, + "duration": 11, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "24207081a2363ea3", + "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ab4c4679922a7a11" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7f870a2e2ae08b4f" + } + ], + "startTime": 1750719199203468, + "duration": 69, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "67e37d1f36176f2e", + "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8f431d80e1aa1304" + } + ], + "startTime": 1750719194643366, + "duration": 6093196, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "a28bbb0a148335cc", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6c04f70f245f5435" + } + ], + "startTime": 1750719199203234, + "duration": 82, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "planner" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "cd4548e28e8dbb9b", + "operationName": "agent_initialization", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + } + ], + "startTime": 1750719183782418, + "duration": 114001, + "tags": [ + { + "key": "agents.count", + "type": "int64", + "value": 6 + }, + { + "key": "agents.names", + "type": "string", + "value": "[\"conversation_manager\",\"planner\",\"router\",\"destination_expert\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_task" + }, + { + "key": "gen_ai.task.description", + "type": "string", + "value": "Initialize multi-agent system" + }, + { + "key": "gen_ai.task.id", + "type": "string", + "value": "agent_setup_001" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "183922d3716faa7a", + "operationName": "chat.completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "bb3bcee0e91e7ac4" + } + ], + "startTime": 1750719183946724, + "duration": 1776001, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkK9xkeo9IoTlRYUAcWGH8ukM7pQ" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 235 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 49 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "e3b1370e579ebc82", + "operationName": "agent_receives_peer_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c6ae751a53ed45c3" + } + ], + "startTime": 1750719203042160, + "duration": 7, + "tags": [ + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "flight_agent" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_peer_message" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c6ae751a53ed45c3", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "aa6b9a5124a151e5" + } + ], + "startTime": 1750719203042148, + "duration": 45, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9982a265297ba185", + "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "499d30b9938e0e5c" + } + ], + "startTime": 1750719206424209, + "duration": 1653, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c95e4bdd0a823831", + "operationName": "agent_runtime process GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "5e6ce04adf19c723" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0e5e7a5a5cb8af79" + } + ], + "startTime": 1750719203042234, + "duration": 5214221, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "df84f6cc80a31e7d", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "4dfcc93c17d67e51" + } + ], + "startTime": 1750719206425468, + "duration": 56, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9c1b08793e30277b", + "operationName": "group_chat.manager.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c95e4bdd0a823831" + } + ], + "startTime": 1750719203042247, + "duration": 5214198, + "tags": [ + { + "key": "chat_history.message_count", + "type": "int64", + "value": 4 + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 2 + }, + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "aa6b9a5124a151e5", + "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "5e6ce04adf19c723" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0e5e7a5a5cb8af79" + } + ], + "startTime": 1750719203042132, + "duration": 66, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "cd3872140e7b7fb4", + "operationName": "manager_delegation_decision", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c2e4d9ce1bab9543" + } + ], + "startTime": 1750719186520243, + "duration": 8, + "tags": [ + { + "key": "chat_history.message_count_after", + "type": "int64", + "value": 1 + }, + { + "key": "chat_history.message_count_before", + "type": "int64", + "value": 1 + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "delegation_decision" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 0 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "86ce72fda7074273", + "operationName": "agent_runtime create flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "1a3c19fc641b2348" + } + ], + "startTime": 1750719183933796, + "duration": 1110, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatStartMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0bba02c2a6a2c594" + } + ], + "startTime": 1750719186520839, + "duration": 8107638, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "PlanningPlugin-get_weather,PlanningPlugin-search_flights,PlanningPlugin-search_hotels" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "433eff0ff37e2ec3", + "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "67e37d1f36176f2e" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8f431d80e1aa1304" + } + ], + "startTime": 1750719194643765, + "duration": 84, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "741e9f28d58ca448", + "operationName": "agent_responds_to_manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "3579f8fedff9c20f" + } + ], + "startTime": 1750719194643162, + "duration": 23, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 8.122563123703003 + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "send_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6c3a7f01f5c692bf", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0edca157c0fa3617" + } + ], + "startTime": 1750719200058651, + "duration": 676406, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0016d57baff994ca", + "operationName": "manager_delegation_decision", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7ddaef61dc3754f6" + } + ], + "startTime": 1750719208256029, + "duration": 12, + "tags": [ + { + "key": "chat_history.message_count_after", + "type": "int64", + "value": 7 + }, + { + "key": "chat_history.message_count_before", + "type": "int64", + "value": 6 + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "delegation_decision" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 2 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "83e47e3a23a43dc0", + "operationName": "group_chat.manager.handle_start_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "861e4096e81cbf63" + } + ], + "startTime": 1750719183935234, + "duration": 2585028, + "tags": [ + { + "key": "chat_history.message_count", + "type": "int64", + "value": 0 + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 0 + }, + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "handle_start_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6f24df9f61da3153", + "operationName": "execute_tool PlanningPlugin-search_flights", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719187992374, + "duration": 293, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_sjiCQ786KpmVEc1swZ6q0nDp" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Search for available flights." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-search_flights" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0abc4bcd2c82d00c", + "operationName": "memory_operation_summary", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7ddaef61dc3754f6" + } + ], + "startTime": 1750719207041686, + "duration": 1213816, + "tags": [ + { + "key": "conversation.message_count", + "type": "int64", + "value": 7 + }, + { + "key": "gen_ai.memory.memory_type", + "type": "string", + "value": "working" + }, + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.size_bytes", + "type": "int64", + "value": 758628 + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "conversation_summary" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "memory.result_processed", + "type": "bool", + "value": true + }, + { + "key": "memory.summary_generated", + "type": "bool", + "value": true + }, + { + "key": "memory.summary_length", + "type": "int64", + "value": 612 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "64ed7564bd288908", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "fadf2198958b3e76" + } + ], + "startTime": 1750719206425341, + "duration": 72, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "05289f3a261b97db", + "operationName": "agent_receives_peer_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "e71d7d9622f243c6" + } + ], + "startTime": 1750719199203387, + "duration": 19, + "tags": [ + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "flight_agent" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_peer_message" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.USER" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8f55b07c65c51820", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b67e1aad2d0195ed" + } + ], + "startTime": 1750719203042008, + "duration": 78, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "planner" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6d0f4fb9ce4a22b7", + "operationName": "group_chat.agent.handle_start_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "82fb8dd142205805" + } + ], + "startTime": 1750719183934688, + "duration": 24, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_start_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "57f0209f8ecd3f75", + "operationName": "agent_runtime send planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "32ef444423b46c34" + } + ], + "startTime": 1750719183934066, + "duration": 267, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "53cade85898f8a81", + "operationName": "execute_tool PlanningPlugin-search_hotels", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719194628120, + "duration": 120, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_0CxjqpH6ba1gCDDsrEDpnLt2" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Search for available hotels." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-search_hotels" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "246fce37cce5e508", + "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d72a823b8b78af15" + } + ], + "startTime": 1750719186520375, + "duration": 8123172, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "3579f8fedff9c20f", + "operationName": "group_chat.agent.invoke", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "facacb59728127d4" + } + ], + "startTime": 1750719186520527, + "duration": 8122662, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "planner" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 8.122563123703003 + }, + { + "key": "operation", + "type": "string", + "value": "invoke" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "de731db6a9933e00", + "operationName": "group_chat.agent.invoke", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b0fff181f3a36d6d" + } + ], + "startTime": 1750719200736740, + "duration": 43, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 0 + }, + { + "key": "operation", + "type": "string", + "value": "invoke" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0edca157c0fa3617", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "05588013a287c8bb" + } + ], + "startTime": 1750719200058434, + "duration": 676670, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "e5208ead-c9bf-4312-aac1-a965a877659e" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "32ef444423b46c34", + "operationName": "agent_runtime create planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "1a3c19fc641b2348" + } + ], + "startTime": 1750719183933668, + "duration": 1169, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatStartMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "569fb5d292df3dc0", + "operationName": "agent_runtime send GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "613ea6988100f755" + } + ], + "startTime": 1750719183935128, + "duration": 2585158, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "bb3bcee0e91e7ac4", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "4c84c04cd0f61654" + } + ], + "startTime": 1750719183946692, + "duration": 1776045, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "235e7e6674da8eb9", + "operationName": "agent_receives_peer_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b31dbd2cc9c4a17b" + } + ], + "startTime": 1750719206424672, + "duration": 37, + "tags": [ + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_peer_message" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.USER" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "da1822e64bf2c94d", + "operationName": "agent_receives_delegation", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8869d94d2023cc05" + } + ], + "startTime": 1750719186521758, + "duration": 7, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_delegation" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "requested_agent", + "type": "string", + "value": "planner" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "53df41aa630ff104", + "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c884cce505e2c571" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "86ce72fda7074273" + } + ], + "startTime": 1750719183934479, + "duration": 58, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "4535f930505451c8", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "fffa0b2d046cf310" + } + ], + "startTime": 1750719185723149, + "duration": 796821, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "64dded14a39f70ea", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9d913b2bd21673ca" + } + ], + "startTime": 1750719202316774, + "duration": 7, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ddd12d4e86de200a", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "56508c9f1839c191" + } + ], + "startTime": 1750719203067044, + "duration": 644534, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "e5208ead-c9bf-4312-aac1-a965a877659e" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ba63ddfed81f177c", + "operationName": "agent_receives_peer_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "df84f6cc80a31e7d" + } + ], + "startTime": 1750719206425481, + "duration": 17, + "tags": [ + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_peer_message" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.USER" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "275880a735e5646d", + "operationName": "agent_runtime process GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "67e37d1f36176f2e" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8f431d80e1aa1304" + } + ], + "startTime": 1750719194643880, + "duration": 6092483, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "5dc9f45efe6f3302", + "operationName": "execute_tool PlanningPlugin-search_hotels", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719192392648, + "duration": 97, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_nCxqb8xatmHMWzs1GHcOQCzg" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Search for available hotels." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-search_hotels" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b7b69c0759495b05", + "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "246fce37cce5e508" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d72a823b8b78af15" + } + ], + "startTime": 1750719186521648, + "duration": 61, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6b0ba78101e09d0f", + "operationName": "chat.streaming_completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719186520860, + "duration": 1468485, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.TOOL_CALLS" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKBxCm0QFqcabuyWy8btfVTErOs" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 236 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 96 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b89ff1d85dfff09d", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "a9b4d525be3b617c" + } + ], + "startTime": 1750719194669545, + "duration": 1527229, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9042ee61e8311886", + "operationName": "agent_receives_peer_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d3314802b716fbe3" + } + ], + "startTime": 1750719194643660, + "duration": 15, + "tags": [ + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "flight_agent" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_peer_message" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b31dbd2cc9c4a17b", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "a689efec7fd476d3" + } + ], + "startTime": 1750719206424655, + "duration": 105, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "planner" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "dde28e99a919a6c2", + "operationName": "agent_receives_peer_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "64ed7564bd288908" + } + ], + "startTime": 1750719206425359, + "duration": 23, + "tags": [ + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "flight_agent" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_peer_message" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.USER" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ad49d61dc3e1210c", + "operationName": "planning_user_input_assessment", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c2e4d9ce1bab9543" + } + ], + "startTime": 1750719183935341, + "duration": 14, + "tags": [ + { + "key": "chat.last_message_role", + "type": "string", + "value": "AuthorRole.USER" + }, + { + "key": "chat.message_count", + "type": "int64", + "value": 1 + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "plan_task" + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "simple" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "interaction_control" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "user_input_assessment" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "no_input_needed_recent" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "67c68d3a51c0a083", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719187993099, + "duration": 7, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9f01258444d6a543", + "operationName": "group_chat.agent.handle_start_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "1aa073ce33986032" + } + ], + "startTime": 1750719183934234, + "duration": 65, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "planner" + }, + { + "key": "operation", + "type": "string", + "value": "handle_start_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "4c84c04cd0f61654", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c2e4d9ce1bab9543" + } + ], + "startTime": 1750719183935511, + "duration": 1787278, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "e5208ead-c9bf-4312-aac1-a965a877659e" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "fffa0b2d046cf310", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0d5cf3f5982d2b4c" + } + ], + "startTime": 1750719185722973, + "duration": 797036, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "e5208ead-c9bf-4312-aac1-a965a877659e" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8b7206a1b586127c", + "operationName": "execute_tool PlanningPlugin-search_hotels", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719187992817, + "duration": 104, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_0ceQ6pBa3N73HlxGzw48wpw7" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Search for available hotels." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-search_hotels" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "1e0b5276a801ff95", + "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d7b25223c110cf42" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "aeab8d16af722d81" + } + ], + "startTime": 1750719200736617, + "duration": 81, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d42a44c6501480d1", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "24207081a2363ea3" + } + ], + "startTime": 1750719199203481, + "duration": 51, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "66e25123112f49fd", + "operationName": "agent_runtime ack", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "774ade7135297136" + } + ], + "startTime": 1750719183934938, + "duration": 19, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "receive" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "155212f626660b9a", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719189452239, + "duration": 8, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "f666777dbe164260", + "operationName": "agent_receives_delegation", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "de731db6a9933e00" + } + ], + "startTime": 1750719200736753, + "duration": 8, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "flight_agent" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_delegation" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "requested_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7fc6be08c8557819", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ddd12d4e86de200a" + } + ], + "startTime": 1750719203067310, + "duration": 644223, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "499d30b9938e0e5c", + "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7ddaef61dc3754f6" + } + ], + "startTime": 1750719206410764, + "duration": 105, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatResponseMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "861e4096e81cbf63", + "operationName": "agent_runtime process GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "569fb5d292df3dc0" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "613ea6988100f755" + } + ], + "startTime": 1750719183935219, + "duration": 2585048, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "fb567c4423a544d8", + "operationName": "chat.streaming_completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719189452297, + "duration": 2935184, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.TOOL_CALLS" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKDyBoKmhIE5gLQbFsyxmLMw3gp" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 640 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 563 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "facacb59728127d4", + "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "246fce37cce5e508" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d72a823b8b78af15" + } + ], + "startTime": 1750719186520512, + "duration": 8122683, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d7b25223c110cf42", + "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "aeab8d16af722d81" + } + ], + "startTime": 1750719200736474, + "duration": 2305422, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "67036ddf93ecf718", + "operationName": "result_processing", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ba83a9b1b95c5efc" + } + ], + "startTime": 1750719183933390, + "duration": 24323117, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "read" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "task_result" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "memory.result_retrieved", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "result.length", + "type": "int64", + "value": 612 + }, + { + "key": "result.success", + "type": "bool", + "value": true + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "a689efec7fd476d3", + "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9982a265297ba185" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "499d30b9938e0e5c" + } + ], + "startTime": 1750719206424626, + "duration": 144, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "fadf2198958b3e76", + "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9982a265297ba185" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "499d30b9938e0e5c" + } + ], + "startTime": 1750719206424809, + "duration": 610, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7ddaef61dc3754f6", + "operationName": "group_chat.manager.determine_state_and_take_action", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9c1b08793e30277b" + } + ], + "startTime": 1750719203042301, + "duration": 5213745, + "tags": [ + { + "key": "chat_history.message_count", + "type": "int64", + "value": 6 + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 2 + }, + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b2d493d88a87bf4a", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719187993130, + "duration": 6, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "814c64c1fa2e4809", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719192393105, + "duration": 8, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ef97b2acf6728f73", + "operationName": "human_in_the_loop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6576d1cb6dd7b459" + } + ], + "startTime": 1750719196208302, + "duration": 2979345, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7f870a2e2ae08b4f", + "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6576d1cb6dd7b459" + } + ], + "startTime": 1750719199188245, + "duration": 130, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatResponseMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6576d1cb6dd7b459", + "operationName": "group_chat.manager.determine_state_and_take_action", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "fdaa85af83a98316" + } + ], + "startTime": 1750719194643958, + "duration": 6091874, + "tags": [ + { + "key": "chat_history.message_count", + "type": "int64", + "value": 3 + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 1 + }, + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "751549eb75ecb8ec", + "operationName": "chat.streaming_completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9d913b2bd21673ca" + } + ], + "startTime": 1750719200737184, + "duration": 1578195, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.TOOL_CALLS" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKPvuS6kvOC9NtqNSIFPsaeeHXU" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1090 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 67 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "2e7f3fd672d4ebb9", + "operationName": "human_in_the_loop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7ddaef61dc3754f6" + } + ], + "startTime": 1750719203725979, + "duration": 2684305, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "33b43d71ff714548", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7ddaef61dc3754f6" + } + ], + "startTime": 1750719206422303, + "duration": 606078, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "e5208ead-c9bf-4312-aac1-a965a877659e" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "db9755fde691c573", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719194628453, + "duration": 9, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d31546d93e488a6b", + "operationName": "chat.completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7fc6be08c8557819" + } + ], + "startTime": 1750719203067336, + "duration": 644187, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKRfAQUsXd95aVRzgz7pL95HaFV" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1248 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 49 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "22c86a29d46f4813", + "operationName": "agent_receives_delegation", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "3579f8fedff9c20f" + } + ], + "startTime": 1750719186520541, + "duration": 11, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_delegation" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "requested_agent", + "type": "string", + "value": "planner" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8869d94d2023cc05", + "operationName": "group_chat.agent.invoke", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "5acd5bdf329c17d6" + } + ], + "startTime": 1750719186521747, + "duration": 37, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 0 + }, + { + "key": "operation", + "type": "string", + "value": "invoke" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "2c2675188eaa3414", + "operationName": "agent_receives_peer_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d3ec4ab3a7081f6e" + } + ], + "startTime": 1750719194643805, + "duration": 8, + "tags": [ + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_peer_message" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "4c2bb9acd068856a", + "operationName": "agent_receives_delegation", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d319764097eb52c7" + } + ], + "startTime": 1750719200736838, + "duration": 8, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_delegation" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "requested_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "935eb40a11528bc0", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0abc4bcd2c82d00c" + } + ], + "startTime": 1750719207047868, + "duration": 1207609, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "e5208ead-c9bf-4312-aac1-a965a877659e" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "5d1bba616aaffd28", + "operationName": "orchestration_setup", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + } + ], + "startTime": 1750719183896453, + "duration": 34570, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_task" + }, + { + "key": "gen_ai.task.description", + "type": "string", + "value": "Setup group chat orchestration" + }, + { + "key": "gen_ai.task.id", + "type": "string", + "value": "orchestration_setup_001" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0d5cf3f5982d2b4c", + "operationName": "agent_selection_planning", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c2e4d9ce1bab9543" + } + ], + "startTime": 1750719185722907, + "duration": 797119, + "tags": [ + { + "key": "agent.selection.available_agents", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "agent.selection.conversation_length", + "type": "int64", + "value": 1 + }, + { + "key": "agent.selection.reasoning", + "type": "string", + "value": "The planner should speak next to create a comprehensive travel plan after the initial assessment of budget and flight options provided by the flight_agent. This will ensure cohesive integration of all travel elements including hotels and activities." + }, + { + "key": "agent.selection.selected", + "type": "string", + "value": "planner" + }, + { + "key": "agent.selection.total_participants", + "type": "int64", + "value": 3 + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "plan_task" + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "moderate" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "agent_coordination" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "plan_task" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "agent_selected" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d3314802b716fbe3", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "5248ab6bbd7a5cd5" + } + ], + "startTime": 1750719194643642, + "duration": 88, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d25c353e4a6e3715", + "operationName": "manager_delegation_decision", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6576d1cb6dd7b459" + } + ], + "startTime": 1750719200735816, + "duration": 9, + "tags": [ + { + "key": "chat_history.message_count_after", + "type": "int64", + "value": 4 + }, + { + "key": "chat_history.message_count_before", + "type": "int64", + "value": 3 + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "delegation_decision" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "manager.current_round", + "type": "int64", + "value": 1 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d235e1a6e9a09a6e", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719187993037, + "duration": 9, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "e2cfb14c77d9ee49", + "operationName": "group_chat.agent.handle_start_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "53df41aa630ff104" + } + ], + "startTime": 1750719183934495, + "duration": 34, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_start_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "1a3c19fc641b2348", + "operationName": "group_chat.orchestration.start", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ba83a9b1b95c5efc" + } + ], + "startTime": 1750719183933457, + "duration": 2588455, + "tags": [ + { + "key": "manager_type", + "type": "string", + "value": "AgentBaseGroupChatManager" + }, + { + "key": "operation", + "type": "string", + "value": "start" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "otel.status_code", + "type": "string", + "value": "OK" + }, + { + "key": "participant_count", + "type": "int64", + "value": 3 + }, + { + "key": "participants", + "type": "string", + "value": "planner,flight_agent,hotel_agent" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c884cce505e2c571", + "operationName": "agent_runtime send flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "86ce72fda7074273" + } + ], + "startTime": 1750719183934385, + "duration": 169, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "publish" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "bcc90ed49d08da01", + "operationName": "chat.completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "4535f930505451c8" + } + ], + "startTime": 1750719185723172, + "duration": 796786, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkK9ywStWoWs6OxZQpbyV1ctlo7d" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 283 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 49 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "a9b4d525be3b617c", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "a40afbc0da5baba4" + } + ], + "startTime": 1750719194669362, + "duration": 1527456, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "e5208ead-c9bf-4312-aac1-a965a877659e" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "630bd61f8b20fb41", + "operationName": "chat.completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c4509302860ced2b" + } + ], + "startTime": 1750719207048066, + "duration": 1207363, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKV16Fv9sg30bP3pVSFGrQ0FbiX" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1250 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 164 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0bba02c2a6a2c594", + "operationName": "invoke_agent planner", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "3579f8fedff9c20f" + } + ], + "startTime": 1750719186520588, + "duration": 8107923, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "Creates comprehensive travel plans including flights, hotels, and activities" + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "1f5f80f8-4b35-49b7-94e1-3bc9a2d80095" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d3ec4ab3a7081f6e", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "433eff0ff37e2ec3" + } + ], + "startTime": 1750719194643782, + "duration": 62, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "af0b7d38fbd3fb04", + "operationName": "manager_receives_agent_response", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "fdaa85af83a98316" + } + ], + "startTime": 1750719194643913, + "duration": 9, + "tags": [ + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ebf4ed96eec3bcb9", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9d913b2bd21673ca" + } + ], + "startTime": 1750719202316719, + "duration": 9, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b67e1aad2d0195ed", + "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "5e6ce04adf19c723" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0e5e7a5a5cb8af79" + } + ], + "startTime": 1750719203041981, + "duration": 115, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "2c7f3416fbe67186", + "operationName": "agent_receives_peer_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d42a44c6501480d1" + } + ], + "startTime": 1750719199203494, + "duration": 16, + "tags": [ + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_peer_message" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.USER" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "94066726ed3e2677", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719194060577, + "duration": 19, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 1018 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "e9b8c0a950c74da6", + "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ab4c4679922a7a11" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "7f870a2e2ae08b4f" + } + ], + "startTime": 1750719199203354, + "duration": 81, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "059b3fdbbb6a5323", + "operationName": "agent_receives_delegation", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "41b33e6293b46fb0" + } + ], + "startTime": 1750719200736656, + "duration": 13, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_delegation" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "requested_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "537e0754346e04a5", + "operationName": "agent_responds_to_manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "41b33e6293b46fb0" + } + ], + "startTime": 1750719200736682, + "duration": 8, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 0.0000011920928955078125 + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "send_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "5c830b08b1acb6b1", + "operationName": "manager_receives_agent_response", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9c1b08793e30277b" + } + ], + "startTime": 1750719203042262, + "duration": 9, + "tags": [ + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "4e42034cceef855f", + "operationName": "agent_runtime ack", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c884cce505e2c571" + } + ], + "startTime": 1750719183934867, + "duration": 16, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "receive" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6f5eacc93743e69b", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719189452182, + "duration": 14, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 764 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "cbf94ffaaadc89f7", + "operationName": "execute_tool PlanningPlugin-search_flights", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719194060151, + "duration": 183, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_5xkdNAN3YSYX3ObrZilTRWx7" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Search for available flights." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-search_flights" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "f78ca14efc456a9c", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719194060770, + "duration": 24, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "05588013a287c8bb", + "operationName": "agent_selection_planning", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6576d1cb6dd7b459" + } + ], + "startTime": 1750719200058354, + "duration": 676771, + "tags": [ + { + "key": "agent.selection.available_agents", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "agent.selection.conversation_length", + "type": "int64", + "value": 4 + }, + { + "key": "agent.selection.reasoning", + "type": "string", + "value": "Since the flight arrangements have been roughly outlined, the next logical step is to finalize the hotel bookings, which falls under the hotel_agent's specialization." + }, + { + "key": "agent.selection.selected", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "agent.selection.total_participants", + "type": "int64", + "value": 3 + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "plan_task" + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "moderate" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "agent_coordination" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "plan_task" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "agent_selected" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "f5b48431595f0cd0", + "operationName": "chat.completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "84ec7d0c1540e8c4" + } + ], + "startTime": 1750719199201241, + "duration": 818509, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKNnLtceWCLrzvGMiVpUP3QBCF3" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1164 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 52 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "306770e1c47a59ca", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6576d1cb6dd7b459" + } + ], + "startTime": 1750719199200564, + "duration": 819229, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "e5208ead-c9bf-4312-aac1-a965a877659e" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ffa54e82809ac830", + "operationName": "execute_tool HotelPlugin-book_hotel", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9d913b2bd21673ca" + } + ], + "startTime": 1750719202316543, + "duration": 73, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_mNfKHIhQEhK5zzMHnrZMNq8J" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Book a specific hotel." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "HotelPlugin-book_hotel" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "863196c93740c7a9", + "operationName": "agent_runtime ack", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "57f0209f8ecd3f75" + } + ], + "startTime": 1750719183934792, + "duration": 22, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "receive" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "82fb8dd142205805", + "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "774ade7135297136" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "b600ce34d81b97fe" + } + ], + "startTime": 1750719183934677, + "duration": 39, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "5acd5bdf329c17d6", + "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "246fce37cce5e508" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d72a823b8b78af15" + } + ], + "startTime": 1750719186521737, + "duration": 50, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "613ea6988100f755", + "operationName": "agent_runtime create GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "1a3c19fc641b2348" + } + ], + "startTime": 1750719183935051, + "duration": 2586846, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatStartMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0e5e7a5a5cb8af79", + "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d319764097eb52c7" + } + ], + "startTime": 1750719203040812, + "duration": 642, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatResponseMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "d319764097eb52c7", + "operationName": "group_chat.agent.invoke", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0f0867ac1f28339f" + } + ], + "startTime": 1750719200736824, + "duration": 2304670, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 2.3046112060546875 + }, + { + "key": "operation", + "type": "string", + "value": "invoke" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "2c236497c33779ac", + "operationName": "agent_receives_peer_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8f55b07c65c51820" + } + ], + "startTime": 1750719203042032, + "duration": 10, + "tags": [ + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_peer_message" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd", + "operationName": "travel_planning_session", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "f87789ebf5e5512c" + } + ], + "startTime": 1750719183782397, + "duration": 24474282, + "tags": [ + { + "key": "conversation.id", + "type": "string", + "value": "conv_enhanced_001" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "session.type", + "type": "string", + "value": "enhanced_multi_agent_demo" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + }, + { + "key": "user.id", + "type": "string", + "value": "demo_user_enhanced" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "1e9327ee5b3d1b8d", + "operationName": "agent_responds_to_manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "47eef6739fa42228" + } + ], + "startTime": 1750719186521695, + "duration": 8, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 9.5367431640625e-7 + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "flight_agent" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "send_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "3251f0f0d46b877a", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719192393059, + "duration": 13, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "a232dc0dac1cb274", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719194628392, + "duration": 16, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "ba83a9b1b95c5efc", + "operationName": "comprehensive_task_execution", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "92ccc2209d08c0fd" + } + ], + "startTime": 1750719183931091, + "duration": 24325423, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_task" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "semantic_kernel_multi_agent" + }, + { + "key": "gen_ai.task.assigned_agents", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "gen_ai.task.constraints", + "type": "string", + "value": "[\"budget:5000\",\"duration:5_days\",\"travelers:4\",\"dietary:vegetarian\"]" + }, + { + "key": "gen_ai.task.description", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." + }, + { + "key": "gen_ai.task.expected_output", + "type": "string", + "value": "Complete travel plan with bookings" + }, + { + "key": "gen_ai.task.id", + "type": "string", + "value": "bali_trip_planning_001" + }, + { + "key": "gen_ai.task.status", + "type": "string", + "value": "completed" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + }, + { + "key": "task.budget", + "type": "int64", + "value": 5000 + }, + { + "key": "task.destination", + "type": "string", + "value": "Bali" + }, + { + "key": "task.duration_days", + "type": "int64", + "value": 5 + }, + { + "key": "task.expected_tool_usage", + "type": "string", + "value": "[\"flight_search\",\"hotel_search\",\"planning_tools\"]" + }, + { + "key": "task.travelers", + "type": "int64", + "value": 4 + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "aeab8d16af722d81", + "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "6576d1cb6dd7b459" + } + ], + "startTime": 1750719200735721, + "duration": 74, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatRequestMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "e71d7d9622f243c6", + "operationName": "group_chat.agent.handle_response_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "e9b8c0a950c74da6" + } + ], + "startTime": 1750719199203370, + "duration": 60, + "tags": [ + { + "key": "agent.id", + "type": "string", + "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + }, + { + "key": "agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "e39598bce0383c79", + "operationName": "chat.streaming_completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9d913b2bd21673ca" + } + ], + "startTime": 1750719202316839, + "duration": 723328, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKQkVsWRLBXHFzVYyfQvETd9wvB" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1214 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 66 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9d913b2bd21673ca", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "0de9986a4f721ab4" + } + ], + "startTime": 1750719200737161, + "duration": 2303017, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "HotelPlugin-book_hotel" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "c4509302860ced2b", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "935eb40a11528bc0" + } + ], + "startTime": 1750719207048046, + "duration": 1207394, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "f87789ebf5e5512c", + "operationName": "main", + "references": [], + "startTime": 1750719183782327, + "duration": 24474364, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "samples.demos.travel_planning_system.observability" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "cd4d78495dea2b6c", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "9d913b2bd21673ca" + } + ], + "startTime": 1750719202316808, + "duration": 6, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "bd8584e3fca9a319", + "operationName": "agent_responds_to_manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "de731db6a9933e00" + } + ], + "startTime": 1750719200736772, + "duration": 8, + "tags": [ + { + "key": "agent.role", + "type": "string", + "value": "unknown" + }, + { + "key": "execution.duration_seconds", + "type": "float64", + "value": 0 + }, + { + "key": "gen_ai.interaction.source_agent", + "type": "string", + "value": "flight_agent" + }, + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "send_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "e54a8dc1a2a58d38", + "operationName": "agent_receives_peer_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "a28bbb0a148335cc" + } + ], + "startTime": 1750719199203250, + "duration": 31, + "tags": [ + { + "key": "gen_ai.interaction.target_agent", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.interaction.type", + "type": "string", + "value": "receive_peer_message" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "agent_to_agent_interaction" + }, + { + "key": "message.role", + "type": "string", + "value": "AuthorRole.USER" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "8cb9c8796787e05d", + "operationName": "chat.streaming_completions gpt-4.1-nano", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "80e1aa2406fef8e3bd590198c777b018", + "spanID": "514d1441cc6f8398" + } + ], + "startTime": 1750719187993174, + "duration": 1457072, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-nano" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.TOOL_CALLS" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BlkKCzVu55icg22Tz6mf6H98dcoAF" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 595 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 209 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + } + ], + "processes": { + "p1": { + "serviceName": "otel-compare", + "tags": [ + { + "key": "deployment.environment", + "type": "string", + "value": "development" + }, + { + "key": "service.version", + "type": "string", + "value": "1.0.0" + }, + { + "key": "telemetry.sdk.language", + "type": "string", + "value": "python" + }, + { + "key": "telemetry.sdk.name", + "type": "string", + "value": "opentelemetry" + }, + { + "key": "telemetry.sdk.version", + "type": "string", + "value": "1.34.0" + } + ] + } + }, + "warnings": null + } + ], + "total": 0, + "limit": 0, + "offset": 0, + "errors": null +} \ No newline at end of file diff --git a/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py b/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py index 6ca4bb8263c8..c920f40adeef 100644 --- a/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py +++ b/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py @@ -31,10 +31,51 @@ async def wrapper(*args: P.args, **kwargs: P.kwargs) -> T: try: if operation_name == "invoke": + # Add interaction span for receiving delegation from manager + message = args[1] if len(args) > 1 else None # GroupChatRequestMessage + + with tracer.start_as_current_span("agent_receives_delegation") as interaction_span: + interaction_span.set_attributes({ + "gen_ai.operation.name": "agent_to_agent_interaction", + "gen_ai.interaction.type": "receive_delegation", + "gen_ai.interaction.source_agent": "Manager", + "gen_ai.interaction.target_agent": agent_actor._agent.name, + "agent.role": getattr(agent_actor._agent, 'role', 'unknown'), + "requested_agent": getattr(message, 'agent_name', 'unknown') if message else 'unknown' + }) + start_time = time.time() result = await func(*args, **kwargs) duration = time.time() - start_time span.set_attribute("execution.duration_seconds", duration) + + # Add interaction span for agent responding to manager + with tracer.start_as_current_span("agent_responds_to_manager") as interaction_span: + interaction_span.set_attributes({ + "gen_ai.operation.name": "agent_to_agent_interaction", + "gen_ai.interaction.type": "send_response", + "gen_ai.interaction.source_agent": agent_actor._agent.name, + "gen_ai.interaction.target_agent": "Manager", + "agent.role": getattr(agent_actor._agent, 'role', 'unknown'), + "execution.duration_seconds": duration + }) + + return result + elif operation_name == "handle_response_message": + # Add interaction span for agent receiving messages from other agents + message = args[1] if len(args) > 1 else None # GroupChatResponseMessage + + with tracer.start_as_current_span("agent_receives_peer_message") as interaction_span: + interaction_span.set_attributes({ + "gen_ai.operation.name": "agent_to_agent_interaction", + "gen_ai.interaction.type": "receive_peer_message", + "gen_ai.interaction.source_agent": getattr(message.body, 'name', 'unknown') if message else 'unknown', + "gen_ai.interaction.target_agent": agent_actor._agent.name, + "message.role": str(message.body.role) if message else 'unknown' + }) + + result = await func(*args, **kwargs) + return result else: result = await func(*args, **kwargs) @@ -72,7 +113,46 @@ async def wrapper(*args: P.args, **kwargs: P.kwargs) -> T: span.set_attribute("chat_history.message_count", msg_count) try: - result = await func(*args, **kwargs) + # ENHANCED: Add agent-to-agent interaction detection for key operations + if operation_name == "determine_state_and_take_action": + # Capture state before execution to detect agent selection + chat_history_before = manager_actor._chat_history.model_copy(deep=True) + + result = await func(*args, **kwargs) + + # Add agent-to-agent interaction span for delegation + # We need to detect if an agent was selected by checking if a GroupChatRequestMessage was sent + # Since we can't easily intercept the message sending, we'll add a span that represents the delegation decision + with tracer.start_as_current_span("manager_delegation_decision") as interaction_span: + interaction_span.set_attributes({ + "gen_ai.operation.name": "agent_to_agent_interaction", + "gen_ai.interaction.type": "delegation_decision", + "gen_ai.interaction.source_agent": "Manager", + "manager.current_round": current_round, + "chat_history.message_count_before": len(chat_history_before.messages), + "chat_history.message_count_after": len(manager_actor._chat_history.messages) + }) + + return result + elif operation_name == "handle_response_message": + # Add agent-to-agent interaction span for receiving agent responses + message = args[1] if len(args) > 1 else None # GroupChatResponseMessage + + # Create interaction span for receiving agent response + with tracer.start_as_current_span("manager_receives_agent_response") as interaction_span: + interaction_span.set_attributes({ + "gen_ai.operation.name": "agent_to_agent_interaction", + "gen_ai.interaction.type": "receive_response", + "gen_ai.interaction.source_agent": getattr(message.body, 'name', 'unknown') if message else 'unknown', + "gen_ai.interaction.target_agent": "Manager", + "message.role": str(message.body.role) if message else 'unknown' + }) + + result = await func(*args, **kwargs) + return result + else: + result = await func(*args, **kwargs) + span.set_status(Status(StatusCode.OK)) return result except Exception as e: @@ -83,7 +163,6 @@ async def wrapper(*args: P.args, **kwargs: P.kwargs) -> T: return wrapper return decorator - @experimental def trace_group_chat_orchestration(operation_name: str): """Decorator to trace group chat orchestration operations.""" From 275a97881ed34e2e90bd94f3c2a6c37496ac18cb Mon Sep 17 00:00:00 2001 From: Nagkumar Arkalgud Date: Mon, 23 Jun 2025 16:03:01 -0700 Subject: [PATCH 3/5] delete old span --- .../trace_span_sample_4o.json | 4007 ----------------- 1 file changed, 4007 deletions(-) delete mode 100644 python/samples/demos/travel_planning_system/trace_span_sample_4o.json diff --git a/python/samples/demos/travel_planning_system/trace_span_sample_4o.json b/python/samples/demos/travel_planning_system/trace_span_sample_4o.json deleted file mode 100644 index c3fd40734a27..000000000000 --- a/python/samples/demos/travel_planning_system/trace_span_sample_4o.json +++ /dev/null @@ -1,4007 +0,0 @@ -{ - "data": [ - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spans": [ - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "7e38ea8aa55cd4fa", - "operationName": "AutoFunctionInvocationLoop", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "496f443d77e359b0" - } - ], - "startTime": 1750692447185773, - "duration": 1146681, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" - }, - { - "key": "sk.available_functions", - "type": "string", - "value": "" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d46695dd34722922", - "operationName": "agent_runtime publish f7c53bd04cfc432a871a031cb575ccb6.(default)-T", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "06740f12212eed23" - } - ], - "startTime": 1750692448332880, - "duration": 14748316, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "f7c53bd04cfc432a871a031cb575ccb6.(default)-T" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "publish" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "bdc664c9666153b4", - "operationName": "agent_runtime process flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "ca22d07e021852d4" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2cc3b6a0c0a59ed1" - } - ], - "startTime": 1750692463081247, - "duration": 55, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "7455e45492bfa74d", - "operationName": "chat.completions gpt-4o", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "1ea14e44768f2d86" - } - ], - "startTime": 1750692464717175, - "duration": 1046937, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4o" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.STOP" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BldNACd4aaGL4LrfNWbbFbxfyKstK" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 1326 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 46 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "9fd4c5c651b28fb0", - "operationName": "agent_runtime process flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "aea20dcd9c73c7f3" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d322ce8145340d54" - } - ], - "startTime": 1750692445317383, - "duration": 82, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2d89dc5a43ce2bbf", - "operationName": "agent_runtime ack", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "b501db103cda6547" - } - ], - "startTime": 1750692448334389, - "duration": 45, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "receive" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "630322f725112a5a", - "operationName": "chat.completions gpt-4o", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "7e38ea8aa55cd4fa" - } - ], - "startTime": 1750692447185794, - "duration": 1146650, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4o" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.STOP" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BldMtsKqKfJVZmbViB9cHqDoZ4DpT" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 283 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 56 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "1824b0a8b77293de", - "operationName": "result_processing", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "a22dc001bf8ecad1" - } - ], - "startTime": 1750692445315774, - "duration": 22821380, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "read" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "task_result" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "memory.result_retrieved", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "result.length", - "type": "int64", - "value": 486 - }, - { - "key": "result.success", - "type": "bool", - "value": true - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "6483b66d6200b4bc", - "operationName": "group_chat.manager.determine_state_and_take_action", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "e212bdc72b47ab57" - } - ], - "startTime": 1750692463081435, - "duration": 5055657, - "tags": [ - { - "key": "chat_history.message_count", - "type": "int64", - "value": 3 - }, - { - "key": "manager.current_round", - "type": "int64", - "value": 1 - }, - { - "key": "manager_type", - "type": "string", - "value": "AgentBaseGroupChatManager" - }, - { - "key": "operation", - "type": "string", - "value": "determine_state_and_take_action" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "8b48e9ea4c951617", - "operationName": "group_chat.agent.invoke", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "0c0408e8c9e2ecb7" - } - ], - "startTime": 1750692448334207, - "duration": 35, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "execution.duration_seconds", - "type": "float64", - "value": 9.5367431640625e-7 - }, - { - "key": "operation", - "type": "string", - "value": "invoke" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "09da4117e66688ab", - "operationName": "group_chat.orchestration.start", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "a22dc001bf8ecad1" - } - ], - "startTime": 1750692445315873, - "duration": 3018637, - "tags": [ - { - "key": "manager_type", - "type": "string", - "value": "AgentBaseGroupChatManager" - }, - { - "key": "operation", - "type": "string", - "value": "start" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "participant_count", - "type": "int64", - "value": 3 - }, - { - "key": "participants", - "type": "string", - "value": "planner,flight_agent,hotel_agent" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "09e27f78485cce5c", - "operationName": "agent_runtime create GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "09da4117e66688ab" - } - ], - "startTime": 1750692445318184, - "duration": 3016314, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatStartMessage" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "create" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "7a604124871020c2", - "operationName": "group_chat.agent.invoke", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d9e059f271ad9c79" - } - ], - "startTime": 1750692448334060, - "duration": 9, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "flight_agent" - }, - { - "key": "execution.duration_seconds", - "type": "float64", - "value": 9.5367431640625e-7 - }, - { - "key": "operation", - "type": "string", - "value": "invoke" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "b501db103cda6547", - "operationName": "agent_runtime send GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "09e27f78485cce5c" - } - ], - "startTime": 1750692445318314, - "duration": 3014469, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "publish" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "c153cf0554da8bda", - "operationName": "execute_tool PlanningPlugin-search_flights", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87" - } - ], - "startTime": 1750692456650485, - "duration": 299, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_tool" - }, - { - "key": "gen_ai.tool.call.id", - "type": "string", - "value": "call_RcfjLO6NLpujsVY2leeSJA0d" - }, - { - "key": "gen_ai.tool.description", - "type": "string", - "value": "Search for available flights." - }, - { - "key": "gen_ai.tool.name", - "type": "string", - "value": "PlanningPlugin-search_flights" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.functions.kernel_function" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "a773009961ad0657", - "operationName": "group_chat.agent.handle_response_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "bdc664c9666153b4" - } - ], - "startTime": 1750692463081263, - "duration": 34, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "flight_agent" - }, - { - "key": "operation", - "type": "string", - "value": "handle_response_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "a096496c4969c9d8", - "operationName": "invoke_agent Manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "7f1e8a5d6ede7c91" - } - ], - "startTime": 1750692465784565, - "duration": 2351948, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "63bb98a7-6b73-43b1-8303-260d770bae22" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "e212bdc72b47ab57", - "operationName": "group_chat.manager.handle_response_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "00ded8a1e8891c9f" - } - ], - "startTime": 1750692463081405, - "duration": 5055692, - "tags": [ - { - "key": "chat_history.message_count", - "type": "int64", - "value": 1 - }, - { - "key": "manager.current_round", - "type": "int64", - "value": 1 - }, - { - "key": "manager_type", - "type": "string", - "value": "AgentBaseGroupChatManager" - }, - { - "key": "operation", - "type": "string", - "value": "handle_response_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "9eabd097fac5c3c6", - "operationName": "execute_tool PlanningPlugin-search_hotels", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87" - } - ], - "startTime": 1750692456650974, - "duration": 205, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_tool" - }, - { - "key": "gen_ai.tool.call.id", - "type": "string", - "value": "call_A9O3JjBMEldBFK0ISCd10DFb" - }, - { - "key": "gen_ai.tool.description", - "type": "string", - "value": "Search for available hotels." - }, - { - "key": "gen_ai.tool.name", - "type": "string", - "value": "PlanningPlugin-search_hotels" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.functions.kernel_function" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "092f630023c058e3", - "operationName": "invoke_agent Manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "e45cc8c4dd7ed32c" - } - ], - "startTime": 1750692463094476, - "duration": 1606897, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "63bb98a7-6b73-43b1-8303-260d770bae22" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d0ea60f19133210b", - "operationName": "agent_runtime send hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "93a07fbb93e9465f" - } - ], - "startTime": 1750692445317560, - "duration": 169, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "publish" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d9e059f271ad9c79", - "operationName": "agent_runtime process flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d46695dd34722922" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "06740f12212eed23" - } - ], - "startTime": 1750692448334045, - "duration": 30, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "5cbdd2c75d7860af", - "operationName": "chat.completions gpt-4o", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "85a488266c108ee0" - } - ], - "startTime": 1750692463094690, - "duration": 1606627, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4o" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.STOP" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BldN9qBQEyLZpRdo6Zr1LxUdXb88w" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 1327 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 45 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "85a488266c108ee0", - "operationName": "AutoFunctionInvocationLoop", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "092f630023c058e3" - } - ], - "startTime": 1750692463094666, - "duration": 1606660, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" - }, - { - "key": "sk.available_functions", - "type": "string", - "value": "" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "6c132d1d512a5878", - "operationName": "main", - "references": [], - "startTime": 1750692445207418, - "duration": 22929895, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "samples.demos.travel_planning_system.observability" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "6f98ead8e1f2c9ef", - "operationName": "group_chat.agent.handle_start_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "c3839ac459a0047c" - } - ], - "startTime": 1750692445317675, - "duration": 33, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "operation", - "type": "string", - "value": "handle_start_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "536046bfc3597520", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87" - } - ], - "startTime": 1750692456651791, - "duration": 10, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2cc3b6a0c0a59ed1", - "operationName": "agent_runtime create f7c53bd04cfc432a871a031cb575ccb6.(default)-T", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "6d4fd5db9c565240" - } - ], - "startTime": 1750692463074161, - "duration": 6768, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "f7c53bd04cfc432a871a031cb575ccb6.(default)-T" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatResponseMessage" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "create" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "00ded8a1e8891c9f", - "operationName": "agent_runtime process GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "ca22d07e021852d4" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2cc3b6a0c0a59ed1" - } - ], - "startTime": 1750692463081390, - "duration": 5055713, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "fc0f1a2f1974505b", - "operationName": "agent_runtime send planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d6d9b9fb1a14a2df" - } - ], - "startTime": 1750692445316650, - "duration": 485, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "publish" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "93a07fbb93e9465f", - "operationName": "agent_runtime create hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "09da4117e66688ab" - } - ], - "startTime": 1750692445316496, - "duration": 1593, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatStartMessage" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "create" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "e28180561a9c4de0", - "operationName": "group_chat.agent.handle_response_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2aa29b0487a7afe8" - } - ], - "startTime": 1750692463081338, - "duration": 23, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "operation", - "type": "string", - "value": "handle_response_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2076742d16198c2a", - "operationName": "group_chat.manager.determine_state_and_take_action", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "fc7159e0bd714491" - } - ], - "startTime": 1750692445318519, - "duration": 3014231, - "tags": [ - { - "key": "chat_history.message_count", - "type": "int64", - "value": 1 - }, - { - "key": "manager.current_round", - "type": "int64", - "value": 0 - }, - { - "key": "manager_type", - "type": "string", - "value": "AgentBaseGroupChatManager" - }, - { - "key": "operation", - "type": "string", - "value": "determine_state_and_take_action" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "23cf318929d8f417", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87" - } - ], - "startTime": 1750692457276025, - "duration": 12, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "667991658a1d755c", - "operationName": "chat.completions gpt-4o", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2e13c86da2d08904" - } - ], - "startTime": 1750692465784812, - "duration": 2351649, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4o" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.STOP" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BldNBwBO4EDo8VQbvDRMo5Xsj2ndX" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 1324 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 128 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2fc13dcafd6b32b3", - "operationName": "invoke_agent Manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "6483b66d6200b4bc" - } - ], - "startTime": 1750692464716936, - "duration": 1047221, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "63bb98a7-6b73-43b1-8303-260d770bae22" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "7f1e8a5d6ede7c91", - "operationName": "memory_operation_summary", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "6483b66d6200b4bc" - } - ], - "startTime": 1750692465777802, - "duration": 2358735, - "tags": [ - { - "key": "conversation.message_count", - "type": "int64", - "value": 3 - }, - { - "key": "gen_ai.memory.memory_type", - "type": "string", - "value": "working" - }, - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.size_bytes", - "type": "int64", - "value": 815098 - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "conversation_summary" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "memory.result_processed", - "type": "bool", - "value": true - }, - { - "key": "memory.summary_generated", - "type": "bool", - "value": true - }, - { - "key": "memory.summary_length", - "type": "int64", - "value": 486 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "1384bc617d8a24b7", - "operationName": "group_chat.agent.handle_start_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "9fd4c5c651b28fb0" - } - ], - "startTime": 1750692445317401, - "duration": 56, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "flight_agent" - }, - { - "key": "operation", - "type": "string", - "value": "handle_start_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "a1b279b72eb51c8c", - "operationName": "agent_runtime ack", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "aea20dcd9c73c7f3" - } - ], - "startTime": 1750692445317927, - "duration": 37, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "receive" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d322ce8145340d54", - "operationName": "agent_runtime create flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "09da4117e66688ab" - } - ], - "startTime": 1750692445316405, - "duration": 1593, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatStartMessage" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "create" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "de7d3376fe7bca0f", - "operationName": "chat.completions gpt-4o", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "744395b0e40f128f" - } - ], - "startTime": 1750692445321506, - "duration": 1863844, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4o" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.STOP" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BldMs3X35tl4X6OY8WsJpjfSfCMK3" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 235 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 32 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "496f443d77e359b0", - "operationName": "invoke_agent Manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "a4bdc9f5b84b77ff" - } - ], - "startTime": 1750692447185615, - "duration": 1146879, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "63bb98a7-6b73-43b1-8303-260d770bae22" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "1a59b011c83ec64b", - "operationName": "agent_runtime process planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d46695dd34722922" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "06740f12212eed23" - } - ], - "startTime": 1750692448333025, - "duration": 14747926, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "1caed847294074f4", - "operationName": "agent_initialization", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - } - ], - "startTime": 1750692445207515, - "duration": 69715, - "tags": [ - { - "key": "agents.count", - "type": "int64", - "value": 6 - }, - { - "key": "agents.names", - "type": "string", - "value": "[\"conversation_manager\",\"planner\",\"router\",\"destination_expert\",\"flight_agent\",\"hotel_agent\"]" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_task" - }, - { - "key": "gen_ai.task.description", - "type": "string", - "value": "Initialize multi-agent system" - }, - { - "key": "gen_ai.task.id", - "type": "string", - "value": "agent_setup_001" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "bca93fa87aabf2b2", - "operationName": "group_chat.agent.handle_start_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "b19b7bab44c28697" - } - ], - "startTime": 1750692445317011, - "duration": 74, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "planner_f7c53bd04cfc432a871a031cb575ccb6/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "planner" - }, - { - "key": "operation", - "type": "string", - "value": "handle_start_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d6d9b9fb1a14a2df", - "operationName": "agent_runtime create planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "09da4117e66688ab" - } - ], - "startTime": 1750692445316268, - "duration": 1590, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatStartMessage" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "create" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2aa29b0487a7afe8", - "operationName": "agent_runtime process hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "ca22d07e021852d4" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2cc3b6a0c0a59ed1" - } - ], - "startTime": 1750692463081327, - "duration": 38, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "6d4fd5db9c565240", - "operationName": "group_chat.agent.invoke", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "1a59b011c83ec64b" - } - ], - "startTime": 1750692448333044, - "duration": 14747900, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "planner_f7c53bd04cfc432a871a031cb575ccb6/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "planner" - }, - { - "key": "execution.duration_seconds", - "type": "float64", - "value": 14.747886896133423 - }, - { - "key": "operation", - "type": "string", - "value": "invoke" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "aea20dcd9c73c7f3", - "operationName": "agent_runtime send flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d322ce8145340d54" - } - ], - "startTime": 1750692445317251, - "duration": 239, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "flight_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "publish" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "5dfc6f58b1d28ef7", - "operationName": "invoke_agent planner", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "6d4fd5db9c565240" - } - ], - "startTime": 1750692448333083, - "duration": 14733218, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "Creates comprehensive travel plans including flights, hotels, and activities" - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "6f730ac3-546d-47da-babd-ac77e0d0ecee" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "planner" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f", - "operationName": "travel_planning_session", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "6c132d1d512a5878" - } - ], - "startTime": 1750692445207491, - "duration": 22929807, - "tags": [ - { - "key": "conversation.id", - "type": "string", - "value": "conv_enhanced_001" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "session.type", - "type": "string", - "value": "enhanced_multi_agent_demo" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - }, - { - "key": "user.id", - "type": "string", - "value": "demo_user_enhanced" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "ca257c2b72d37532", - "operationName": "orchestration_setup", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - } - ], - "startTime": 1750692445277266, - "duration": 7571, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_task" - }, - { - "key": "gen_ai.task.description", - "type": "string", - "value": "Setup group chat orchestration" - }, - { - "key": "gen_ai.task.id", - "type": "string", - "value": "orchestration_setup_001" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "0d6922678cab091d", - "operationName": "planning_user_input_assessment", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2076742d16198c2a" - } - ], - "startTime": 1750692445318589, - "duration": 14, - "tags": [ - { - "key": "chat.last_message_role", - "type": "string", - "value": "AuthorRole.USER" - }, - { - "key": "chat.message_count", - "type": "int64", - "value": 1 - }, - { - "key": "gen_ai.planning.complexity", - "type": "string", - "value": "simple" - }, - { - "key": "gen_ai.planning.stage", - "type": "string", - "value": "interaction_control" - }, - { - "key": "gen_ai.planning.type", - "type": "string", - "value": "user_input_assessment" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "planning.decision", - "type": "string", - "value": "no_input_needed_recent" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "091ecde4d3471cc3", - "operationName": "agent_runtime ack", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "fc0f1a2f1974505b" - } - ], - "startTime": 1750692445317792, - "duration": 24, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "receive" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "744395b0e40f128f", - "operationName": "AutoFunctionInvocationLoop", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "0ec0e06944280ae5" - } - ], - "startTime": 1750692445321455, - "duration": 1863905, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" - }, - { - "key": "sk.available_functions", - "type": "string", - "value": "" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "0ec0e06944280ae5", - "operationName": "invoke_agent Manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2076742d16198c2a" - } - ], - "startTime": 1750692445319025, - "duration": 1866392, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "63bb98a7-6b73-43b1-8303-260d770bae22" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "c064829c74e776b9", - "operationName": "chat.streaming_completions gpt-4o", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87" - } - ], - "startTime": 1750692456651875, - "duration": 623606, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.streaming_completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4o" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.TOOL_CALLS" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BldN2eBSX27QuAGdFp24obuH6y1J0" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 606 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 21 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "00b801c2a81755ad", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87" - } - ], - "startTime": 1750692457276073, - "duration": 8, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87", - "operationName": "AutoFunctionInvocationLoop", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "5dfc6f58b1d28ef7" - } - ], - "startTime": 1750692448333356, - "duration": 14732898, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" - }, - { - "key": "sk.available_functions", - "type": "string", - "value": "PlanningPlugin-get_weather,PlanningPlugin-search_flights,PlanningPlugin-search_hotels" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "a4bdc9f5b84b77ff", - "operationName": "agent_selection_planning", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2076742d16198c2a" - } - ], - "startTime": 1750692447185539, - "duration": 1146978, - "tags": [ - { - "key": "agent.selection.available_agents", - "type": "string", - "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" - }, - { - "key": "agent.selection.conversation_length", - "type": "int64", - "value": 1 - }, - { - "key": "agent.selection.reasoning", - "type": "string", - "value": "The planner should speak next to assess the budget allocation before diving into specific bookings for flights, hotels, and activities. Once the budget is considered, the planner can delegate specific tasks to the flight_agent and hotel_agent based on the budget." - }, - { - "key": "agent.selection.selected", - "type": "string", - "value": "planner" - }, - { - "key": "agent.selection.total_participants", - "type": "int64", - "value": 3 - }, - { - "key": "gen_ai.planning.complexity", - "type": "string", - "value": "moderate" - }, - { - "key": "gen_ai.planning.stage", - "type": "string", - "value": "agent_coordination" - }, - { - "key": "gen_ai.planning.type", - "type": "string", - "value": "agent_selection" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "planning.decision", - "type": "string", - "value": "agent_selected" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "c3839ac459a0047c", - "operationName": "agent_runtime process hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d0ea60f19133210b" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "93a07fbb93e9465f" - } - ], - "startTime": 1750692445317660, - "duration": 52, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "06740f12212eed23", - "operationName": "agent_runtime create f7c53bd04cfc432a871a031cb575ccb6.(default)-T", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2076742d16198c2a" - } - ], - "startTime": 1750692448332665, - "duration": 76, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "f7c53bd04cfc432a871a031cb575ccb6.(default)-T" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatRequestMessage" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "create" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "fcd27df74eb24f4a", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87" - } - ], - "startTime": 1750692456651726, - "duration": 17, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "5f49572b022fc4a5", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "6d4fd5db9c565240" - } - ], - "startTime": 1750692463066345, - "duration": 10, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "e45cc8c4dd7ed32c", - "operationName": "planning_user_input_assessment", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "6483b66d6200b4bc" - } - ], - "startTime": 1750692463094391, - "duration": 1607001, - "tags": [ - { - "key": "chat.last_message_role", - "type": "string", - "value": "AuthorRole.ASSISTANT" - }, - { - "key": "chat.message_count", - "type": "int64", - "value": 3 - }, - { - "key": "gen_ai.planning.complexity", - "type": "string", - "value": "simple" - }, - { - "key": "gen_ai.planning.stage", - "type": "string", - "value": "interaction_control" - }, - { - "key": "gen_ai.planning.type", - "type": "string", - "value": "user_input_assessment" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "planning.decision", - "type": "string", - "value": "continue_conversation" - }, - { - "key": "planning.decision_reasoning", - "type": "string", - "value": "The current plan addresses budget constraints, flight, accommodation, and a complete itinerary for the trip. No further input is needed unless the family has specific preferences or changes to their requirements." - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2e13c86da2d08904", - "operationName": "AutoFunctionInvocationLoop", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "a096496c4969c9d8" - } - ], - "startTime": 1750692465784789, - "duration": 2351681, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" - }, - { - "key": "sk.available_functions", - "type": "string", - "value": "" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "a22dc001bf8ecad1", - "operationName": "comprehensive_task_execution", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - } - ], - "startTime": 1750692445313340, - "duration": 22823821, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_task" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "semantic_kernel_multi_agent" - }, - { - "key": "gen_ai.task.assigned_agents", - "type": "string", - "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" - }, - { - "key": "gen_ai.task.constraints", - "type": "string", - "value": "[\"budget:5000\",\"duration:5_days\",\"travelers:4\",\"dietary:vegetarian\"]" - }, - { - "key": "gen_ai.task.description", - "type": "string", - "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." - }, - { - "key": "gen_ai.task.expected_output", - "type": "string", - "value": "Complete travel plan with bookings" - }, - { - "key": "gen_ai.task.id", - "type": "string", - "value": "bali_trip_planning_001" - }, - { - "key": "gen_ai.task.status", - "type": "string", - "value": "completed" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - }, - { - "key": "task.budget", - "type": "int64", - "value": 5000 - }, - { - "key": "task.destination", - "type": "string", - "value": "Bali" - }, - { - "key": "task.duration_days", - "type": "int64", - "value": 5 - }, - { - "key": "task.expected_tool_usage", - "type": "string", - "value": "[\"flight_search\",\"hotel_search\",\"planning_tools\"]" - }, - { - "key": "task.travelers", - "type": "int64", - "value": 4 - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "05776689bfade81a", - "operationName": "execute_tool PlanningPlugin-get_weather", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87" - } - ], - "startTime": 1750692457275764, - "duration": 110, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_tool" - }, - { - "key": "gen_ai.tool.call.id", - "type": "string", - "value": "call_FQ3Q9XCCDy7Z6TvBJ9ecAKgu" - }, - { - "key": "gen_ai.tool.description", - "type": "string", - "value": "Get weather information for a location." - }, - { - "key": "gen_ai.tool.name", - "type": "string", - "value": "PlanningPlugin-get_weather" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.functions.kernel_function" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "1ea14e44768f2d86", - "operationName": "AutoFunctionInvocationLoop", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2fc13dcafd6b32b3" - } - ], - "startTime": 1750692464717120, - "duration": 1047000, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" - }, - { - "key": "sk.available_functions", - "type": "string", - "value": "" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "fc7159e0bd714491", - "operationName": "group_chat.manager.handle_start_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "103b3f8e4715f7a7" - } - ], - "startTime": 1750692445318470, - "duration": 3014285, - "tags": [ - { - "key": "chat_history.message_count", - "type": "int64", - "value": 0 - }, - { - "key": "manager.current_round", - "type": "int64", - "value": 0 - }, - { - "key": "manager_type", - "type": "string", - "value": "AgentBaseGroupChatManager" - }, - { - "key": "operation", - "type": "string", - "value": "handle_start_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "7a60e408eb0d3952", - "operationName": "agent_runtime ack", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d0ea60f19133210b" - } - ], - "startTime": 1750692445318039, - "duration": 24, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "receive" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "24bbeb17cbc83101", - "operationName": "chat.streaming_completions gpt-4o", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87" - } - ], - "startTime": 1750692448333379, - "duration": 8308280, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.streaming_completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4o" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.TOOL_CALLS" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BldMvDbZ411T9rs2IfnQOEOL2L3Ja" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 236 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 571 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "f446412a0453b99a", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87" - } - ], - "startTime": 1750692456651421, - "duration": 19, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 1897 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "96d822e147c35c93", - "operationName": "chat.streaming_completions gpt-4o", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "81037d45148b5e87" - } - ], - "startTime": 1750692457276123, - "duration": 5790119, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.streaming_completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4o" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.STOP" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BldN3cSqO3nI3sBY86OiJTa1jVrdR" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 651 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 608 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4o/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "ca22d07e021852d4", - "operationName": "agent_runtime publish f7c53bd04cfc432a871a031cb575ccb6.(default)-T", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "925d222cae14e00f" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "2cc3b6a0c0a59ed1" - } - ], - "startTime": 1750692463081073, - "duration": 5056121, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "f7c53bd04cfc432a871a031cb575ccb6.(default)-T" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "publish" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "b19b7bab44c28697", - "operationName": "agent_runtime process planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "fc0f1a2f1974505b" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d6d9b9fb1a14a2df" - } - ], - "startTime": 1750692445316849, - "duration": 248, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "planner_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "103b3f8e4715f7a7", - "operationName": "agent_runtime process GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "b501db103cda6547" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "09e27f78485cce5c" - } - ], - "startTime": 1750692445318455, - "duration": 3014309, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "GroupChatManagerActor_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "0c0408e8c9e2ecb7", - "operationName": "agent_runtime process hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "d46695dd34722922" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "61085bda55888d292283502aafdca1f7", - "spanID": "06740f12212eed23" - } - ], - "startTime": 1750692448334100, - "duration": 165, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "hotel_agent_f7c53bd04cfc432a871a031cb575ccb6.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - } - ], - "processes": { - "p1": { - "serviceName": "otel-compare", - "tags": [ - { - "key": "deployment.environment", - "type": "string", - "value": "development" - }, - { - "key": "service.version", - "type": "string", - "value": "1.0.0" - }, - { - "key": "telemetry.sdk.language", - "type": "string", - "value": "python" - }, - { - "key": "telemetry.sdk.name", - "type": "string", - "value": "opentelemetry" - }, - { - "key": "telemetry.sdk.version", - "type": "string", - "value": "1.34.0" - } - ] - } - }, - "warnings": null - } - ], - "total": 0, - "limit": 0, - "offset": 0, - "errors": null -} \ No newline at end of file From 816964460338808d85acd7d408fd866b603d352f Mon Sep 17 00:00:00 2001 From: Nagkumar Arkalgud Date: Tue, 24 Jun 2025 15:42:18 -0700 Subject: [PATCH 4/5] Updates to export to langfuse --- .../group_chat_based_system.py | 156 +- .../latest_trace_span.json | 8979 ++++++----------- .../group_chat_diagnostics/decorators.py | 770 +- 3 files changed, 4074 insertions(+), 5831 deletions(-) diff --git a/python/samples/demos/travel_planning_system/group_chat_based_system.py b/python/samples/demos/travel_planning_system/group_chat_based_system.py index d0281dbf107e..ab23574623d5 100644 --- a/python/samples/demos/travel_planning_system/group_chat_based_system.py +++ b/python/samples/demos/travel_planning_system/group_chat_based_system.py @@ -2,7 +2,8 @@ import asyncio import sys - +import json +import os from opentelemetry import trace from opentelemetry.trace import Status, StatusCode @@ -32,6 +33,15 @@ ) from semantic_kernel.functions.kernel_arguments import KernelArguments +from langfuse import Langfuse + +langfuse = Langfuse( + secret_key=os.getenv("LANGFUSE_SECRET_KEY"), + public_key=os.getenv("LANGFUSE_PUBLIC_KEY"), + host="https://us.cloud.langfuse.com" +) + + if sys.version_info >= (3, 12): from typing import override # pragma: no cover else: @@ -46,6 +56,60 @@ def streaming_agent_response_callback(message: StreamingChatMessageContent, is_f """Observer function to print the messages from the agents with minimal telemetry.""" global is_new_message + # Only create span for final messages to reduce duplicate spans + if is_final: + tracer = trace.get_tracer(__name__) + with tracer.start_as_current_span("streaming_message_final") as stream_span: + stream_span.set_attributes({ + "gen_ai.operation.name": "memory_operation", + "gen_ai.memory.operation_type": "write", + "gen_ai.memory.source_type": "streaming_response", + "message.agent_name": message.name, + "message.content_length": len(message.content) if message.content else 0, + "message.processing_complete": True + }) + + # ENHANCED: Add input/output visibility for Langfuse + if message.content: + # Add the actual message content as an event for Langfuse visibility + stream_span.add_event("gen_ai.content.completion", { + "gen_ai.completion": str(message.content)[:1000], # Truncate for safety + "gen_ai.assistant.message": str(message.content)[:1000], + "output.agent": message.name, + "output.type": "streaming_final", + "output.role": str(message.role) + }) + + # ENHANCED: Capture function calls and results + function_calls = [] + function_results = [] + + for item in message.items: + if isinstance(item, FunctionCallContent): + function_calls.append({ + "function": item.name, + "arguments": str(item.arguments)[:500] # Truncate arguments + }) + elif isinstance(item, FunctionResultContent): + function_results.append({ + "function": item.name, + "result": str(item.result)[:500] # Truncate results + }) + + if function_calls: + stream_span.add_event("gen_ai.tool.calls", { + "tool.calls": json.dumps(function_calls), + "tool.call_count": len(function_calls), + "agent": message.name + }) + + if function_results: + stream_span.add_event("gen_ai.tool.results", { + "tool.results": json.dumps(function_results), + "tool.result_count": len(function_results), + "agent": message.name + }) + # Only create span for final messages to reduce duplicate spans if is_final: tracer = trace.get_tracer(__name__) @@ -60,7 +124,6 @@ def streaming_agent_response_callback(message: StreamingChatMessageContent, is_f }) if is_new_message: - print(f"# {message.name}") is_new_message = False print(message.content, end="", flush=True) @@ -200,9 +263,12 @@ async def select_next_agent( ChatMessageContent( role=AuthorRole.USER, content=( - "Who should speak next based on the conversation? Pick one agent from the participants:\n" - + "\n".join([f"{k}: {v}" for k, v in participant_descriptions.items()]) - + "\nPlease provide the agent's name." + "Who should speak next based on the conversation? Pick ONE agent from the participants:\n" + + "\n".join([f"- {k}: {v}" for k, v in participant_descriptions.items()]) + + "\n\nYou must respond with a JSON object containing exactly the agent name from the list above.\n" + + "Format: {\"result\": \"agent_name\", \"reason\": \"explanation\"}\n" + + f"Valid agent names: {list(participant_descriptions.keys())}\n" + + "The 'result' field must contain ONLY the agent name, nothing else." ), ) ) @@ -213,21 +279,36 @@ async def select_next_agent( response = await self.agent.get_response(messages, arguments=KernelArguments(settings=settings)) result = StringResult.model_validate_json(response.message.content) - if result.result not in participant_descriptions: - selection_span.set_attribute("agent.selection.error", "invalid_agent_selected") - raise ValueError( - f"Selected agent '{result.result}' is not in the list of participants: " - f"{list(participant_descriptions.keys())}" - ) + # Enhanced validation and error handling + selected_agent = result.result.strip() + + # Check if the result contains extra text and try to extract the agent name + if selected_agent not in participant_descriptions: + # Try to find a valid agent name within the response + for agent_name in participant_descriptions.keys(): + if agent_name in selected_agent: + selection_span.set_attribute("agent.selection.corrected", f"from '{selected_agent}' to '{agent_name}'") + result.result = agent_name + selected_agent = agent_name + break + + # If still not found, raise the error with better debugging info + if selected_agent not in participant_descriptions: + selection_span.set_attribute("agent.selection.error", "invalid_agent_selected") + selection_span.set_attribute("agent.selection.raw_response", response.message.content[:500]) + raise ValueError( + f"Selected agent '{selected_agent}' is not in the list of participants: " + f"{list(participant_descriptions.keys())}. Raw response: {response.message.content[:200]}" + ) selection_span.set_attributes({ - "agent.selection.selected": result.result, + "agent.selection.selected": selected_agent, "agent.selection.reasoning": result.reason, "planning.decision": "agent_selected" }) return result - + @override async def filter_results( self, @@ -275,22 +356,16 @@ async def main(): """Main function to run the agents with comprehensive telemetry.""" tracer = trace.get_tracer(__name__) - print("šŸŽÆ Enhanced Multi-Agent Travel Planning Demo with Comprehensive Telemetry") - print("šŸ“Š Expected Telemetry Coverage:") - print(" āœ… execute_task spans - Task execution tracking") - print(" āœ… plan_task spans - Planning operations and decision making") - print(" āœ… agent_to_agent_interaction spans - Agent coordination") - print(" āœ… memory_operation spans - Memory state management") - print(" āœ… invoke_agent spans - Agent invocation (existing SK)") - print(" āœ… execute_tool spans - Tool execution (existing SK)") - print("=" * 80) - # Create comprehensive session context with tracer.start_as_current_span("travel_planning_session") as session_span: session_span.set_attributes({ "user.id": "demo_user_enhanced", "conversation.id": "conv_enhanced_001", - "session.type": "enhanced_multi_agent_demo" + "session.type": "enhanced_multi_agent_demo", + # Langfuse-specific attributes + "langfuse.trace.type": "multi_agent_orchestration", + "langfuse.version": "1.0", + "langfuse.session_type": "group_chat" }) # 1. Create a Group Chat orchestration with multiple agents @@ -336,6 +411,22 @@ async def main(): "select appropriate vegetarian-friendly accommodations, and plan activities. " "Show your reasoning process and provide a detailed plan with the necessary bookings." ) + session_span.add_event("gen_ai.content.prompt", { + "gen_ai.prompt": task_description, + "gen_ai.user.message": task_description, + "input.type": "user_request", + "input.source": "main_function", + "input.task_type": "multi_agent_planning", + "input.constraints": json.dumps({ + "budget": 5000, + "duration_days": 5, + "travelers": 4, + "dietary": "vegetarian", + "destination": "Bali", + "origin": "Seattle, WA" + }), + "langfuse.input": task_description # Langfuse-specific + }) with tracer.start_as_current_span("comprehensive_task_execution") as task_span: task_span.set_attributes({ @@ -354,9 +445,6 @@ async def main(): "task.expected_tool_usage": ["flight_search", "hotel_search", "planning_tools"] }) - print(f"\nšŸ“‹ Task: {task_description}") - print("\nšŸš€ Starting enhanced multi-agent execution...") - # Invoke the orchestration with a task and the runtime orchestration_result = await group_chat_orchestration.invoke( task=task_description, @@ -382,16 +470,18 @@ async def main(): print(f"\nāœ… Final Result:\n{value}") task_span.set_attribute("gen_ai.task.status", "completed") + session_span.add_event("gen_ai.content.completion", { + "gen_ai.completion": str(value)[:2000], # Truncate if too long + "gen_ai.assistant.message": str(value)[:2000], + "output.type": "final_travel_plan", + "output.source": "multi_agent_orchestration", + "output.success": True, + "langfuse.output": str(value)[:2000] # Langfuse-specific + }) # 5. Stop the runtime after the invocation is complete await runtime.stop_when_idle() - print("\n" + "="*80) - print("šŸ” ENHANCED TELEMETRY VERIFICATION COMPLETE:") - print(" āœ… All required span types generated") - print(" āœ… Complete trace hierarchy established") - print(" āœ… Enhanced multi-agent attributes captured") - print("=" * 80) if __name__ == "__main__": diff --git a/python/samples/demos/travel_planning_system/latest_trace_span.json b/python/samples/demos/travel_planning_system/latest_trace_span.json index 65f02a2bfdf6..cc405bc0b45f 100644 --- a/python/samples/demos/travel_planning_system/latest_trace_span.json +++ b/python/samples/demos/travel_planning_system/latest_trace_span.json @@ -1,46 +1,66 @@ { "data": [ { - "traceID": "80e1aa2406fef8e3bd590198c777b018", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", "spans": [ { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "85084e67debcf1a8", - "operationName": "execute_tool PlanningPlugin-search_flights", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "f39de0bd24092b1f", + "operationName": "group_chat_manager.determine_state_and_take_action", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "8276c6f146c6750b" } ], - "startTime": 1750719192392321, - "duration": 207, + "startTime": 1750803450247661, + "duration": 9895359, "tags": [ { "key": "gen_ai.operation.name", "type": "string", - "value": "execute_tool" + "value": "group_chat_manager.determine_state_and_take_action" }, { - "key": "gen_ai.tool.call.id", + "key": "group_chat.component", "type": "string", - "value": "call_peURwxqcwAARPOlokgYprHxK" + "value": "manager" }, { - "key": "gen_ai.tool.description", + "key": "group_chat.operation", "type": "string", - "value": "Search for available flights." + "value": "determine_state_and_take_action" }, { - "key": "gen_ai.tool.name", + "key": "langfuse.component", "type": "string", - "value": "PlanningPlugin-search_flights" + "value": "group_chat_manager" + }, + { + "key": "langfuse.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "langfuse.success", + "type": "bool", + "value": true + }, + { + "key": "manager.id", + "type": "string", + "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c/default" + }, + { + "key": "operation.success", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.functions.kernel_function" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -48,77 +68,404 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1750803450247673, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.planning" + }, + { + "key": "event.type", + "type": "string", + "value": "coordination_planning" + }, + { + "key": "langfuse.planning", + "type": "bool", + "value": true + }, + { + "key": "operation.phase", + "type": "string", + "value": "planning" + }, + { + "key": "planning.type", + "type": "string", + "value": "state_determination" + } + ] + }, + { + "timestamp": 1750803450247698, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.prompt" + }, + { + "key": "gen_ai.prompt", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especiall" + }, + { + "key": "input.message_count", + "type": "int64", + "value": 3 + }, + { + "key": "input.message_type", + "type": "string", + "value": "conversation_history" + }, + { + "key": "input.recent_message_count", + "type": "int64", + "value": 3 + }, + { + "key": "input.source", + "type": "string", + "value": "group_chat_history" + }, + { + "key": "langfuse.conversation", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especiall" + }, + { + "key": "langfuse.input", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especiall" + } + ] + }, + { + "timestamp": 1750803450247704, + "fields": [ + { + "key": "event", + "type": "string", + "value": "input.last_message" + }, + { + "key": "context.type", + "type": "string", + "value": "immediate_context" + }, + { + "key": "last.agent", + "type": "string", + "value": "planner" + }, + { + "key": "last.message", + "type": "string", + "value": "Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especially international flights from Seattle to Bali.\n- Hotels: Need to find vegetarian-friendly or at least with vegetarian meal options.\n- Activities: Sightseeing, cultural experiences, perhaps some guided tours.\n- Food: Budget needs to consider eating out or groceries, focusing on vegetarian options.\n\nSt" + }, + { + "key": "last.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + } + ] + }, + { + "timestamp": 1750803450247730, + "fields": [ + { + "key": "event", + "type": "string", + "value": "planning.participants" + }, + { + "key": "participant.count", + "type": "int64", + "value": 3 + }, + { + "key": "participant.names", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "participants", + "type": "string", + "value": "{\"planner\": \"Creates comprehensive travel plans including flights, hotels, and activities\", \"flight_agent\": \"Specializes in flight booking\", \"hotel_agent\": \"Specializes in hotel booking\"}" + } + ] + }, + { + "timestamp": 1750803460142983, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.coordination_decision" + }, + { + "key": "coordination.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "coordination.success", + "type": "bool", + "value": true + }, + { + "key": "event.type", + "type": "string", + "value": "coordination_completed" + }, + { + "key": "langfuse.coordination", + "type": "string", + "value": "Agent coordination decision completed" + }, + { + "key": "planning.decision_made", + "type": "bool", + "value": true + } + ] + }, + { + "timestamp": 1750803460143002, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.planning.decision" + }, + { + "key": "langfuse.plan", + "type": "string", + "value": "Group chat coordination decision for determine_state_and_take_action" + }, + { + "key": "planning.completed", + "type": "bool", + "value": true + }, + { + "key": "planning.component", + "type": "string", + "value": "group_chat_manager" + }, + { + "key": "planning.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "planning.type", + "type": "string", + "value": "overall_coordination" + } + ] + } + ], + "processID": "p1", + "warnings": null + }, + { + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "b48d8627115793ac", + "operationName": "streaming_message_final", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" + } + ], + "startTime": 1750803432701402, + "duration": 20, + "tags": [ + { + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" + }, + { + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [ + { + "timestamp": 1750803432701420, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.tool.results" + }, + { + "key": "agent", + "type": "string", + "value": "planner" + }, + { + "key": "tool.result_count", + "type": "int64", + "value": 1 + }, + { + "key": "tool.results", + "type": "string", + "value": "[{\"function\": \"PlanningPlugin-get_weather\", \"result\": \"Weather information for Bali: Sunny, 25\\u00b0C.\"}]" + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "5248ab6bbd7a5cd5", - "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "124271a7d1990be8", + "operationName": "group_chat_agent_message.invoke", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "67e37d1f36176f2e" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8f431d80e1aa1304" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "a4ffc661408fd65f" } ], - "startTime": 1750719194643613, - "duration": 125, + "startTime": 1750803431459580, + "duration": 34, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "Specializes in flight booking" }, { - "key": "messaging.operation", + "key": "gen_ai.agent.id", "type": "string", - "value": "process" + "value": "035851b6-a48a-4067-8f30-11342f110c4c" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "group_chat_agent_message.invoke" + }, + { + "key": "group_chat.component", + "type": "string", + "value": "agent_message_handler" + }, + { + "key": "group_chat.operation", + "type": "string", + "value": "invoke" + }, + { + "key": "operation.no_result", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" + } + ], + "logs": [ + { + "timestamp": 1750803431459604, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.agent_invoke" + }, + { + "key": "event.type", + "type": "string", + "value": "agent_invocation" + }, + { + "key": "operation.phase", + "type": "string", + "value": "invoke" + } + ] } ], - "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6c04f70f245f5435", - "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "cb19b2ce6cb3f83e", + "operationName": "agent_runtime process planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ab4c4679922a7a11" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "86bdb7742d286f03" }, { "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7f870a2e2ae08b4f" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "cbc653133e3ec563" } ], - "startTime": 1750719199203212, - "duration": 110, + "startTime": 1750803431456770, + "duration": 18789628, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", @@ -141,63 +488,58 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "02c185b05ee0b439", - "operationName": "chat.streaming_completions gpt-4.1-nano", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e74d32046b225772", + "operationName": "group_chat_agent_message.invoke", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "cb19b2ce6cb3f83e" } ], - "startTime": 1750719192393169, - "duration": 1664216, + "startTime": 1750803431456808, + "duration": 18789579, "tags": [ { - "key": "gen_ai.operation.name", + "key": "gen_ai.agent.description", "type": "string", - "value": "chat.streaming_completions" + "value": "Creates comprehensive travel plans including flights, hotels, and activities" }, { - "key": "gen_ai.request.model", + "key": "gen_ai.agent.id", "type": "string", - "value": "gpt-4.1-nano" + "value": "22aff641-081c-4ef3-a073-b15ff7662eb1" }, { - "key": "gen_ai.response.finish_reason", + "key": "gen_ai.agent.name", "type": "string", - "value": "FinishReason.TOOL_CALLS" + "value": "planner" }, { - "key": "gen_ai.response.id", + "key": "gen_ai.operation.name", "type": "string", - "value": "chatcmpl-BlkKGM9j2mya4fh9vrNkprVClMGGL" + "value": "group_chat_agent_message.invoke" }, { - "key": "gen_ai.system", + "key": "group_chat.component", "type": "string", - "value": "openai" + "value": "agent_message_handler" }, { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 999 + "key": "group_chat.operation", + "type": "string", + "value": "invoke" }, { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 297 + "key": "operation.no_result", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -205,92 +547,224 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1750803431456830, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.agent_invoke" + }, + { + "key": "event.type", + "type": "string", + "value": "agent_invocation" + }, + { + "key": "operation.phase", + "type": "string", + "value": "invoke" + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c2e4d9ce1bab9543", - "operationName": "group_chat.manager.determine_state_and_take_action", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874", + "operationName": "travel_planning_session", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "83e47e3a23a43dc0" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "955f217c932cacee" } ], - "startTime": 1750719183935271, - "duration": 2584984, + "startTime": 1750803428680575, + "duration": 31463122, "tags": [ { - "key": "chat_history.message_count", - "type": "int64", - "value": 1 + "key": "conversation.id", + "type": "string", + "value": "conv_enhanced_001" }, { - "key": "manager.current_round", - "type": "int64", - "value": 0 + "key": "langfuse.session_type", + "type": "string", + "value": "group_chat" }, { - "key": "manager_type", + "key": "langfuse.trace.type", "type": "string", - "value": "AgentBaseGroupChatManager" + "value": "multi_agent_orchestration" }, { - "key": "operation", + "key": "langfuse.version", "type": "string", - "value": "determine_state_and_take_action" + "value": "1.0" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" + }, + { + "key": "session.type", + "type": "string", + "value": "enhanced_multi_agent_demo" }, { "key": "span.kind", "type": "string", "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "47eef6739fa42228", - "operationName": "group_chat.agent.invoke", - "references": [ + }, { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b7b69c0759495b05" + "key": "user.id", + "type": "string", + "value": "demo_user_enhanced" } ], - "startTime": 1750719186521662, - "duration": 43, + "logs": [ + { + "timestamp": 1750803428797986, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.prompt" + }, + { + "key": "gen_ai.prompt", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." + }, + { + "key": "gen_ai.user.message", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." + }, + { + "key": "input.constraints", + "type": "string", + "value": "{\"budget\": 5000, \"duration_days\": 5, \"travelers\": 4, \"dietary\": \"vegetarian\", \"destination\": \"Bali\", \"origin\": \"Seattle, WA\"}" + }, + { + "key": "input.source", + "type": "string", + "value": "main_function" + }, + { + "key": "input.task_type", + "type": "string", + "value": "multi_agent_planning" + }, + { + "key": "input.type", + "type": "string", + "value": "user_request" + }, + { + "key": "langfuse.input", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." + } + ] + }, + { + "timestamp": 1750803460143359, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.completion" + }, + { + "key": "gen_ai.assistant.message", + "type": "string", + "value": "The user requested a 5-day trip plan to Bali for a vegetarian family of 4 from Seattle starting July 30, 2025, with a strict $5000 budget. The assistant assessed and allocated the budget, estimated flights at $1600 total for round trip, selected a vegetarian-friendly hotel (Ocean View Resort) for $1000 total, and planned daily vegetarian-friendly activities with an estimated $590 cost for activities and $350 for food. The total estimated cost was about $3540, leaving a buffer for extras. The user then requested to book the flights, hotel, and activities, and finally asked for a summary of the conversation. The assistant is confirming that all bookings will be processed based on the detailed plan provided." + }, + { + "key": "gen_ai.completion", + "type": "string", + "value": "The user requested a 5-day trip plan to Bali for a vegetarian family of 4 from Seattle starting July 30, 2025, with a strict $5000 budget. The assistant assessed and allocated the budget, estimated flights at $1600 total for round trip, selected a vegetarian-friendly hotel (Ocean View Resort) for $1000 total, and planned daily vegetarian-friendly activities with an estimated $590 cost for activities and $350 for food. The total estimated cost was about $3540, leaving a buffer for extras. The user then requested to book the flights, hotel, and activities, and finally asked for a summary of the conversation. The assistant is confirming that all bookings will be processed based on the detailed plan provided." + }, + { + "key": "langfuse.output", + "type": "string", + "value": "The user requested a 5-day trip plan to Bali for a vegetarian family of 4 from Seattle starting July 30, 2025, with a strict $5000 budget. The assistant assessed and allocated the budget, estimated flights at $1600 total for round trip, selected a vegetarian-friendly hotel (Ocean View Resort) for $1000 total, and planned daily vegetarian-friendly activities with an estimated $590 cost for activities and $350 for food. The total estimated cost was about $3540, leaving a buffer for extras. The user then requested to book the flights, hotel, and activities, and finally asked for a summary of the conversation. The assistant is confirming that all bookings will be processed based on the detailed plan provided." + }, + { + "key": "output.source", + "type": "string", + "value": "multi_agent_orchestration" + }, + { + "key": "output.success", + "type": "bool", + "value": true + }, + { + "key": "output.type", + "type": "string", + "value": "final_travel_plan" + } + ] + } + ], + "processID": "p1", + "warnings": null + }, + { + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "5c85cbf44e5dc68e", + "operationName": "group_chat_agent_message.handle_start_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "5f117e7431186cbf" + } + ], + "startTime": 1750803428801142, + "duration": 32, "tags": [ { - "key": "agent.id", + "key": "gen_ai.agent.description", + "type": "string", + "value": "Specializes in flight booking" + }, + { + "key": "gen_ai.agent.id", "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + "value": "035851b6-a48a-4067-8f30-11342f110c4c" }, { - "key": "agent.name", + "key": "gen_ai.agent.name", "type": "string", "value": "flight_agent" }, { - "key": "execution.duration_seconds", - "type": "float64", - "value": 9.5367431640625e-7 + "key": "gen_ai.operation.name", + "type": "string", + "value": "group_chat_agent_message.handle_start_message" + }, + { + "key": "group_chat.component", + "type": "string", + "value": "agent_message_handler" }, { - "key": "operation", + "key": "group_chat.operation", "type": "string", - "value": "invoke" + "value": "handle_start_message" + }, + { + "key": "operation.no_result", + "type": "bool", + "value": true }, { "key": "otel.scope.name", @@ -303,38 +777,59 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1750803428801154, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.conversation_start" + }, + { + "key": "event.type", + "type": "string", + "value": "conversation_initialization" + }, + { + "key": "operation.phase", + "type": "string", + "value": "start" + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ab4c4679922a7a11", - "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2d3045a20b028936", + "operationName": "agent_runtime process hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "953a3f2ad48d5223" }, { "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7f870a2e2ae08b4f" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "c52145caf326ded7" } ], - "startTime": 1750719199202907, - "duration": 924, + "startTime": 1750803428801312, + "duration": 44, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", "type": "string", - "value": "publish" + "value": "process" }, { "key": "otel.scope.name", @@ -344,7 +839,7 @@ { "key": "span.kind", "type": "string", - "value": "producer" + "value": "consumer" } ], "logs": [], @@ -352,33 +847,33 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0f0867ac1f28339f", - "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "6c5ce4dc73a92ea1", + "operationName": "agent_runtime create planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d7b25223c110cf42" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "aeab8d16af722d81" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "9650d55c794929ad" } ], - "startTime": 1750719200736812, - "duration": 2304688, + "startTime": 1750803428800434, + "duration": 1036, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatStartMessage" }, { "key": "messaging.operation", "type": "string", - "value": "process" + "value": "create" }, { "key": "otel.scope.name", @@ -388,7 +883,7 @@ { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "producer" } ], "logs": [], @@ -396,53 +891,23 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d15b10d5a821c02f", - "operationName": "agent_responds_to_manager", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "75d0cc4c1b9a1ffa", + "operationName": "human_in_the_loop", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d319764097eb52c7" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "f39de0bd24092b1f" } ], - "startTime": 1750719203041478, - "duration": 13, + "startTime": 1750803451710903, + "duration": 4899987, "tags": [ - { - "key": "agent.role", - "type": "string", - "value": "unknown" - }, - { - "key": "execution.duration_seconds", - "type": "float64", - "value": 2.3046112060546875 - }, - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "send_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" }, { "key": "span.kind", @@ -455,48 +920,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "099db24d1ff5d236", - "operationName": "execute_tool HotelPlugin-book_hotel", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "7c63fec3d33969e2", + "operationName": "agent_runtime create 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9d913b2bd21673ca" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "f39de0bd24092b1f" } ], - "startTime": 1750719202316370, - "duration": 93, + "startTime": 1750803456612748, + "duration": 210, "tags": [ { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_tool" - }, - { - "key": "gen_ai.tool.call.id", + "key": "messaging.destination", "type": "string", - "value": "call_aomvp4O8WtQjdyrP2xsnv4Fh" + "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" }, { - "key": "gen_ai.tool.description", + "key": "messaging.message.type", "type": "string", - "value": "Book a specific hotel." + "value": "GroupChatResponseMessage" }, { - "key": "gen_ai.tool.name", + "key": "messaging.operation", "type": "string", - "value": "HotelPlugin-book_hotel" + "value": "create" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.functions.kernel_function" + "value": "agent_runtime InProcessRuntime" }, { "key": "span.kind", "type": "string", - "value": "internal" + "value": "producer" } ], "logs": [], @@ -504,33 +964,33 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "4dfcc93c17d67e51", - "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "d28daf86a877a9cc", + "operationName": "agent_runtime ack", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9982a265297ba185" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" }, { "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "499d30b9938e0e5c" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "400527af5ef8bf75" } ], - "startTime": 1750719206425453, - "duration": 75, + "startTime": 1750803431459820, + "duration": 58, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "" }, { "key": "messaging.operation", "type": "string", - "value": "process" + "value": "receive" }, { "key": "otel.scope.name", @@ -548,18 +1008,18 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "25686d71e11dfa69", - "operationName": "execute_tool PlanningPlugin-get_weather", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "5f9ae810b315ba07", + "operationName": "execute_tool PlanningPlugin-search_hotels", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719189451910, - "duration": 115, + "startTime": 1750803436392868, + "duration": 167, "tags": [ { "key": "gen_ai.operation.name", @@ -569,17 +1029,17 @@ { "key": "gen_ai.tool.call.id", "type": "string", - "value": "call_uxSNx52qOP9A1IOFMivuCzFG" + "value": "call_afnfNlyHelNQrqgdYhRwLiNS" }, { "key": "gen_ai.tool.description", "type": "string", - "value": "Get weather information for a location." + "value": "Search for available hotels." }, { "key": "gen_ai.tool.name", "type": "string", - "value": "PlanningPlugin-get_weather" + "value": "PlanningPlugin-search_hotels" }, { "key": "otel.scope.name", @@ -597,18 +1057,18 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7443e29587b75ad6", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "f17079965ef66c51", "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719192392898, - "duration": 12, + "startTime": 1750803436393554, + "duration": 39, "tags": [ { "key": "gen_ai.memory.operation_type", @@ -633,7 +1093,7 @@ { "key": "message.content_length", "type": "int64", - "value": 1939 + "value": 0 }, { "key": "message.processing_complete", @@ -651,68 +1111,84 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1750803436393589, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.tool.results" + }, + { + "key": "agent", + "type": "string", + "value": "planner" + }, + { + "key": "tool.result_count", + "type": "int64", + "value": 1 + }, + { + "key": "tool.results", + "type": "string", + "value": "[{\"function\": \"PlanningPlugin-search_flights\", \"result\": \"Available flights from Seattle to Bali on 2025-07-30:\\n[{'flight_id': 'FL123', 'take-off-time': '10:00 AM', 'arrival-time': '12:00 PM', 'price': '$200'}, {'flight_id': 'FL456', 'take-off-time': '2:00 PM', 'arrival-time': '4:00 PM', 'price': '$250'}, {'flight_id': 'FL789', 'take-off-time': '6:00 PM', 'arrival-time': '8:00 PM', 'price': '$300'}]\"}]" + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "088a68fa7407af29", - "operationName": "chat.completions gpt-4.1-nano", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "80b5b8399555adcb", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b89ff1d85dfff09d" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719194669567, - "duration": 1527193, + "startTime": 1750803440255219, + "duration": 66, "tags": [ { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "gpt-4.1-nano" + "value": "write" }, { - "key": "gen_ai.response.finish_reason", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "FinishReason.STOP" + "value": "streaming_response" }, { - "key": "gen_ai.response.id", + "key": "gen_ai.operation.name", "type": "string", - "value": "chatcmpl-BlkKJfB0H5SrSqU2H1qkeWzLrSfta" + "value": "memory_operation" }, { - "key": "gen_ai.system", + "key": "message.agent_name", "type": "string", - "value": "openai" + "value": "planner" }, { - "key": "gen_ai.usage.input_tokens", + "key": "message.content_length", "type": "int64", - "value": 1160 + "value": 1189 }, { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 68 + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + "value": "__main__" }, { "key": "span.kind", @@ -720,23 +1196,84 @@ "value": "internal" } ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "56508c9f1839c191", + "logs": [ + { + "timestamp": 1750803440255253, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.completion" + }, + { + "key": "gen_ai.assistant.message", + "type": "string", + "value": "Step 1: Budget Allocation\n- Total budget: $5000\n- Flights: Approximate cost found from search ranges from $200 to $300 per person one way (Seattle to Bali).\n- Since the return flight is not mentioned, I assume a round trip, so budget about $500 per person for round trip x 4 = $2000.\n- Accommodation: Based on hotel prices from search, 4 nights at approx $200/night for a 4-person accommodation = $800.\n- Remaining budget for activities and food: $2200.\n\nStep 2: Flights\n- Choose the flight at 10:00 AM priced at $200 (most economical) for the departure on July 30th, 2025.\n- We also must include the return flight from Bali to Seattle, which I will estimate at a similar cost, totaling about $400 per person round trip.\n\nStep 3: Hotels\n- Select \"Ocean View Resort\" at $200/night that accommodates 4 people comfortably.\n\nStep 4: Activities\n- Budget is $2200 for 5 days, which is $440 per day for all activities and vegetarian meals.\n- Plan activities including visits to local temples, beaches, cultu" + }, + { + "key": "gen_ai.completion", + "type": "string", + "value": "Step 1: Budget Allocation\n- Total budget: $5000\n- Flights: Approximate cost found from search ranges from $200 to $300 per person one way (Seattle to Bali).\n- Since the return flight is not mentioned, I assume a round trip, so budget about $500 per person for round trip x 4 = $2000.\n- Accommodation: Based on hotel prices from search, 4 nights at approx $200/night for a 4-person accommodation = $800.\n- Remaining budget for activities and food: $2200.\n\nStep 2: Flights\n- Choose the flight at 10:00 AM priced at $200 (most economical) for the departure on July 30th, 2025.\n- We also must include the return flight from Bali to Seattle, which I will estimate at a similar cost, totaling about $400 per person round trip.\n\nStep 3: Hotels\n- Select \"Ocean View Resort\" at $200/night that accommodates 4 people comfortably.\n\nStep 4: Activities\n- Budget is $2200 for 5 days, which is $440 per day for all activities and vegetarian meals.\n- Plan activities including visits to local temples, beaches, cultu" + }, + { + "key": "output.agent", + "type": "string", + "value": "planner" + }, + { + "key": "output.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "output.type", + "type": "string", + "value": "streaming_final" + } + ] + }, + { + "timestamp": 1750803440255282, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.tool.calls" + }, + { + "key": "agent", + "type": "string", + "value": "planner" + }, + { + "key": "tool.call_count", + "type": "int64", + "value": 2 + }, + { + "key": "tool.calls", + "type": "string", + "value": "[{\"function\": \"PlanningPlugin-search_flights\", \"arguments\": \"{\\\"origin\\\": \\\"Bali\\\", \\\"destination\\\": \\\"Seattle\\\", \\\"date\\\": \\\"2025-08-04\\\"}\"}, {\"function\": \"PlanningPlugin-search_hotels\", \"arguments\": \"{\\\"location\\\": \\\"Bali\\\", \\\"check_in\\\": \\\"2025-07-30\\\", \\\"check_out\\\": \\\"2025-08-04\\\"}\"}]" + } + ] + } + ], + "processID": "p1", + "warnings": null + }, + { + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "f90d6fdf1e865d3c", "operationName": "planning_user_input_assessment", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7ddaef61dc3754f6" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "f39de0bd24092b1f" } ], - "startTime": 1750719203066933, - "duration": 644664, + "startTime": 1750803450272470, + "duration": 1364343, "tags": [ { "key": "chat.last_message_role", @@ -746,7 +1283,7 @@ { "key": "chat.message_count", "type": "int64", - "value": 6 + "value": 3 }, { "key": "gen_ai.operation.name", @@ -781,7 +1318,7 @@ { "key": "planning.decision_reasoning", "type": "string", - "value": "The current plan includes booked flights and hotel, with a proposed itinerary. To finalize the trip, further input on specific activities, vegetarian dining preferences, and any additional requests from the family would be helpful." + "value": "The planning is complete and detailed, but confirmation from the user is needed before proceeding with bookings and reservations." }, { "key": "span.kind", @@ -794,48 +1331,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "41b33e6293b46fb0", - "operationName": "group_chat.agent.invoke", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "86bdb7742d286f03", + "operationName": "agent_runtime publish 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "1e0b5276a801ff95" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "cbc653133e3ec563" } ], - "startTime": 1750719200736635, - "duration": 58, + "startTime": 1750803431456458, + "duration": 18790695, "tags": [ { - "key": "agent.id", - "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" - }, - { - "key": "agent.name", + "key": "messaging.destination", "type": "string", - "value": "planner" - }, - { - "key": "execution.duration_seconds", - "type": "float64", - "value": 0.0000011920928955078125 + "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" }, { - "key": "operation", + "key": "messaging.operation", "type": "string", - "value": "invoke" + "value": "publish" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "agent_runtime InProcessRuntime" }, { "key": "span.kind", "type": "string", - "value": "internal" + "value": "producer" } ], "logs": [], @@ -843,33 +1375,33 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "5e6ce04adf19c723", - "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "643d03edf2763875", + "operationName": "agent_runtime process flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "9192f4ec16bf3ea7" }, { "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0e5e7a5a5cb8af79" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "a607885774edeee4" } ], - "startTime": 1750719203041626, - "duration": 5214932, + "startTime": 1750803450247244, + "duration": 166, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", "type": "string", - "value": "publish" + "value": "process" }, { "key": "otel.scope.name", @@ -879,7 +1411,7 @@ { "key": "span.kind", "type": "string", - "value": "producer" + "value": "consumer" } ], "logs": [], @@ -887,33 +1419,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "26891cc0f71ef3dd", - "operationName": "AutoFunctionInvocationLoop", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "f2d5bb5a6f55abc0", + "operationName": "agent_runtime process planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "33b43d71ff714548" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "20da664b34af6677" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "7c63fec3d33969e2" } ], - "startTime": 1750719206422483, - "duration": 605855, + "startTime": 1750803456643300, + "duration": 89, "tags": [ { - "key": "otel.scope.name", + "key": "messaging.destination", "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + "value": "planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { - "key": "sk.available_functions", + "key": "messaging.operation", "type": "string", - "value": "" + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" }, { "key": "span.kind", "type": "string", - "value": "internal" + "value": "consumer" } ], "logs": [], @@ -921,53 +1463,48 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "90df1fa8a5f9924b", - "operationName": "agent_receives_delegation", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "a40ce9adbda6f2cd", + "operationName": "agent_initialization", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "47eef6739fa42228" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" } ], - "startTime": 1750719186521674, - "duration": 10, + "startTime": 1750803428680619, + "duration": 80737, "tags": [ { - "key": "agent.role", - "type": "string", - "value": "unknown" + "key": "agents.count", + "type": "int64", + "value": 6 }, { - "key": "gen_ai.interaction.source_agent", + "key": "agents.names", "type": "string", - "value": "Manager" + "value": "[\"conversation_manager\",\"planner\",\"router\",\"destination_expert\",\"flight_agent\",\"hotel_agent\"]" }, { - "key": "gen_ai.interaction.target_agent", + "key": "gen_ai.operation.name", "type": "string", - "value": "flight_agent" + "value": "execute_task" }, { - "key": "gen_ai.interaction.type", + "key": "gen_ai.task.description", "type": "string", - "value": "receive_delegation" + "value": "Initialize multi-agent system" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.task.id", "type": "string", - "value": "agent_to_agent_interaction" + "value": "agent_setup_001" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "requested_agent", - "type": "string", - "value": "planner" + "value": "__main__" }, { "key": "span.kind", @@ -980,28 +1517,28 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "774ade7135297136", - "operationName": "agent_runtime send hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "7f480d12c5ea7465", + "operationName": "agent_runtime send flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" }, { "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b600ce34d81b97fe" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "c6fce3ff4a74270c" } ], - "startTime": 1750719183934600, - "duration": 131, + "startTime": 1750803428801045, + "duration": 150, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", @@ -1024,43 +1561,112 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0de9986a4f721ab4", - "operationName": "invoke_agent hotel_agent", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2713a1ac8bfc72a3", + "operationName": "chat.streaming_completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d319764097eb52c7" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719200736887, - "duration": 2303322, + "startTime": 1750803432701483, + "duration": 3683632, "tags": [ { - "key": "gen_ai.agent.description", + "key": "gen_ai.operation.name", "type": "string", - "value": "Specializes in hotel booking" + "value": "chat.streaming_completions" }, { - "key": "gen_ai.agent.id", + "key": "gen_ai.request.model", "type": "string", - "value": "455f9c1e-b155-408d-8466-366b979f1f03" + "value": "gpt-4.1-mini" }, { - "key": "gen_ai.agent.name", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "hotel_agent" + "value": "FinishReason.TOOL_CALLS" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-Bm6EyKl33Y6siIEIqmsUb949S581O" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 277 }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 403 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "5e3b3ef6a23da5d9", + "operationName": "execute_tool PlanningPlugin-search_flights", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" + } + ], + "startTime": 1750803436392460, + "duration": 222, + "tags": [ { "key": "gen_ai.operation.name", "type": "string", - "value": "invoke_agent" + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_QYxJTOSAqpBDajyhyNEidY2n" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Search for available flights." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-search_flights" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", @@ -1073,18 +1679,18 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "963e1de9f5d03d26", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "a668445a693abba6", "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "3579f8fedff9c20f" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719194628535, - "duration": 7, + "startTime": 1750803436393382, + "duration": 13, "tags": [ { "key": "gen_ai.memory.operation_type", @@ -1109,7 +1715,7 @@ { "key": "message.content_length", "type": "int64", - "value": 0 + "value": 1413 }, { "key": "message.processing_complete", @@ -1132,43 +1738,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "fdaa85af83a98316", - "operationName": "group_chat.manager.handle_response_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "c5bc8639188c4774", + "operationName": "invoke_agent planner", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "275880a735e5646d" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e74d32046b225772" } ], - "startTime": 1750719194643896, - "duration": 6092456, + "startTime": 1750803431456908, + "duration": 18758447, "tags": [ { - "key": "chat_history.message_count", - "type": "int64", - "value": 1 + "key": "gen_ai.agent.description", + "type": "string", + "value": "Creates comprehensive travel plans including flights, hotels, and activities" }, { - "key": "manager.current_round", - "type": "int64", - "value": 1 + "key": "gen_ai.agent.id", + "type": "string", + "value": "22aff641-081c-4ef3-a073-b15ff7662eb1" }, { - "key": "manager_type", + "key": "gen_ai.agent.name", "type": "string", - "value": "AgentBaseGroupChatManager" + "value": "planner" }, { - "key": "operation", + "key": "gen_ai.operation.name", "type": "string", - "value": "handle_response_message" + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", @@ -1181,33 +1787,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "84ec7d0c1540e8c4", - "operationName": "AutoFunctionInvocationLoop", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "1bd4b5f3be1544a6", + "operationName": "agent_runtime process flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "306770e1c47a59ca" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "20da664b34af6677" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "7c63fec3d33969e2" } ], - "startTime": 1750719199201208, - "duration": 818550, + "startTime": 1750803456643425, + "duration": 70, "tags": [ { - "key": "otel.scope.name", + "key": "messaging.destination", "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { - "key": "sk.available_functions", + "key": "messaging.operation", "type": "string", - "value": "" + "value": "process" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" }, { "key": "span.kind", "type": "string", - "value": "internal" + "value": "consumer" } ], "logs": [], @@ -1215,18 +1831,18 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "4dbfa22fe2e1f577", - "operationName": "chat.completions gpt-4.1-nano", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "84dc02dd585a8fa9", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "26891cc0f71ef3dd" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "ef22b2a34c50407c" } ], - "startTime": 1750719206422506, - "duration": 605822, + "startTime": 1750803458237762, + "duration": 1899677, "tags": [ { "key": "gen_ai.operation.name", @@ -1236,7 +1852,7 @@ { "key": "gen_ai.request.model", "type": "string", - "value": "gpt-4.1-nano" + "value": "gpt-4.1-mini" }, { "key": "gen_ai.response.finish_reason", @@ -1246,7 +1862,7 @@ { "key": "gen_ai.response.id", "type": "string", - "value": "chatcmpl-BlkKU8bv0uKF29HyK9ULyw4TiqKv9" + "value": "chatcmpl-Bm6FOrhQtsobI5zISgnCyHwuMlbal" }, { "key": "gen_ai.system", @@ -1256,12 +1872,12 @@ { "key": "gen_ai.usage.input_tokens", "type": "int64", - "value": 1252 + "value": 1900 }, { "key": "gen_ai.usage.output_tokens", "type": "int64", - "value": 40 + "value": 203 }, { "key": "otel.scope.name", @@ -1271,7 +1887,7 @@ { "key": "server.address", "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -1284,66 +1900,41 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "1f52353dca707ace", - "operationName": "chat.streaming_completions gpt-4.1-nano", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "772d80eb38697630", + "operationName": "orchestration_setup", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" } ], - "startTime": 1750719194060880, - "duration": 566760, + "startTime": 1750803428761387, + "duration": 36504, "tags": [ { "key": "gen_ai.operation.name", "type": "string", - "value": "chat.streaming_completions" + "value": "execute_task" }, { - "key": "gen_ai.request.model", + "key": "gen_ai.task.description", "type": "string", - "value": "gpt-4.1-nano" + "value": "Setup group chat orchestration" }, { - "key": "gen_ai.response.finish_reason", + "key": "gen_ai.task.id", "type": "string", - "value": "FinishReason.TOOL_CALLS" + "value": "orchestration_setup_001" }, { - "key": "gen_ai.response.id", + "key": "otel.scope.name", "type": "string", - "value": "chatcmpl-BlkKIs3Ap4yqIqGsVMLCsrbbaSb47" + "value": "__main__" }, { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 1178 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 42 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" - }, - { - "key": "span.kind", + "key": "span.kind", "type": "string", "value": "internal" } @@ -1353,43 +1944,63 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8f431d80e1aa1304", - "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "4a15a3d5b7f00abb", + "operationName": "planning_user_input_assessment", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "3579f8fedff9c20f" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "3d929332712f5494" } ], - "startTime": 1750719194636011, - "duration": 7097, + "startTime": 1750803428801965, + "duration": 21, "tags": [ { - "key": "messaging.destination", + "key": "chat.last_message_role", "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + "value": "AuthorRole.USER" }, { - "key": "messaging.message.type", + "key": "chat.message_count", + "type": "int64", + "value": 1 + }, + { + "key": "gen_ai.operation.name", "type": "string", - "value": "GroupChatResponseMessage" + "value": "plan_task" }, { - "key": "messaging.operation", + "key": "gen_ai.planning.complexity", "type": "string", - "value": "create" + "value": "simple" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "interaction_control" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "user_input_assessment" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "no_input_needed_recent" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -1397,53 +2008,53 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6c46c7c16c07e304", - "operationName": "agent_responds_to_manager", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "df319ea5c087797f", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8869d94d2023cc05" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719186521774, - "duration": 7, + "startTime": 1750803432701352, + "duration": 6, "tags": [ { - "key": "agent.role", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "unknown" + "value": "write" }, { - "key": "execution.duration_seconds", - "type": "float64", - "value": 0 + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "streaming_response" }, { - "key": "gen_ai.interaction.source_agent", + "key": "gen_ai.operation.name", "type": "string", - "value": "hotel_agent" + "value": "memory_operation" }, { - "key": "gen_ai.interaction.target_agent", + "key": "message.agent_name", "type": "string", - "value": "Manager" + "value": "planner" }, { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "send_response" + "key": "message.content_length", + "type": "int64", + "value": 0 }, { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" }, { "key": "span.kind", @@ -1456,33 +2067,33 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d72a823b8b78af15", - "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "6ee5fd7ce824f347", + "operationName": "agent_runtime process planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c2e4d9ce1bab9543" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e4af34711be412f4" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "6c5ce4dc73a92ea1" } ], - "startTime": 1750719186520161, - "duration": 65, + "startTime": 1750803428800893, + "duration": 82, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatRequestMessage" + "value": "planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", "type": "string", - "value": "create" + "value": "process" }, { "key": "otel.scope.name", @@ -1492,7 +2103,7 @@ { "key": "span.kind", "type": "string", - "value": "producer" + "value": "consumer" } ], "logs": [], @@ -1500,28 +2111,28 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b0fff181f3a36d6d", - "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "ec079a78166d47b2", + "operationName": "agent_runtime process hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d7b25223c110cf42" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "86bdb7742d286f03" }, { "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "aeab8d16af722d81" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "cbc653133e3ec563" } ], - "startTime": 1750719200736728, - "duration": 59, + "startTime": 1750803431459692, + "duration": 60, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", @@ -1544,18 +2155,62 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "072ec523099e537a", - "operationName": "chat.completions gpt-4.1-nano", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "bc0102572427f90d", + "operationName": "agent_runtime create GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "9650d55c794929ad" + } + ], + "startTime": 1750803428801674, + "duration": 2658278, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatStartMessage" + }, + { + "key": "messaging.operation", + "type": "string", + "value": "create" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "agent_runtime InProcessRuntime" + }, + { + "key": "span.kind", + "type": "string", + "value": "producer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "8885d0654e5cb757", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6c3a7f01f5c692bf" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "eb4ae25565f17984" } ], - "startTime": 1750719200058672, - "duration": 676376, + "startTime": 1750803428805434, + "duration": 1818238, "tags": [ { "key": "gen_ai.operation.name", @@ -1565,7 +2220,7 @@ { "key": "gen_ai.request.model", "type": "string", - "value": "gpt-4.1-nano" + "value": "gpt-4.1-mini" }, { "key": "gen_ai.response.finish_reason", @@ -1575,7 +2230,7 @@ { "key": "gen_ai.response.id", "type": "string", - "value": "chatcmpl-BlkKOsG6FLxswbOTxBf6j6S80FCCS" + "value": "chatcmpl-Bm6Evfkloiw4yy2moTx9Ojts5vjbt" }, { "key": "gen_ai.system", @@ -1585,12 +2240,12 @@ { "key": "gen_ai.usage.input_tokens", "type": "int64", - "value": 1212 + "value": 235 }, { "key": "gen_ai.usage.output_tokens", "type": "int64", - "value": 39 + "value": 73 }, { "key": "otel.scope.name", @@ -1600,7 +2255,7 @@ { "key": "server.address", "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -1613,43 +2268,33 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "1aa073ce33986032", - "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "5f6f01c202e576d4", + "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "57f0209f8ecd3f75" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "32ef444423b46c34" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "574f2c75097411bf" } ], - "startTime": 1750719183934215, - "duration": 96, + "startTime": 1750803430624033, + "duration": 831325, "tags": [ { - "key": "messaging.destination", - "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", + "key": "otel.scope.name", "type": "string", - "value": "process" + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" }, { - "key": "otel.scope.name", + "key": "sk.available_functions", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -1657,151 +2302,323 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b600ce34d81b97fe", - "operationName": "agent_runtime create hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "3d929332712f5494", + "operationName": "group_chat_manager.determine_state_and_take_action", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "1a3c19fc641b2348" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "4ae982a51e1ec363" } ], - "startTime": 1750719183933951, - "duration": 1027, + "startTime": 1750803428801879, + "duration": 2654279, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "group_chat_manager.determine_state_and_take_action" }, { - "key": "messaging.message.type", + "key": "group_chat.component", "type": "string", - "value": "GroupChatStartMessage" + "value": "manager" }, { - "key": "messaging.operation", + "key": "group_chat.operation", "type": "string", - "value": "create" + "value": "determine_state_and_take_action" }, { - "key": "otel.scope.name", + "key": "langfuse.component", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "group_chat_manager" }, { - "key": "span.kind", + "key": "langfuse.operation", "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "3656467b24be3a2a", - "operationName": "agent_runtime ack", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" + "value": "determine_state_and_take_action" }, { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "569fb5d292df3dc0" - } - ], - "startTime": 1750719186521816, - "duration": 21, - "tags": [ + "key": "langfuse.success", + "type": "bool", + "value": true + }, { - "key": "messaging.destination", + "key": "manager.id", "type": "string", - "value": "" + "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c/default" }, { - "key": "messaging.operation", - "type": "string", - "value": "receive" + "key": "operation.success", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "a40afbc0da5baba4", - "operationName": "planning_user_input_assessment", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6576d1cb6dd7b459" + "value": "internal" } ], - "startTime": 1750719194669291, - "duration": 1527543, + "logs": [ + { + "timestamp": 1750803428801888, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.planning" + }, + { + "key": "event.type", + "type": "string", + "value": "coordination_planning" + }, + { + "key": "langfuse.planning", + "type": "bool", + "value": true + }, + { + "key": "operation.phase", + "type": "string", + "value": "planning" + }, + { + "key": "planning.type", + "type": "string", + "value": "state_determination" + } + ] + }, + { + "timestamp": 1750803428801897, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.prompt" + }, + { + "key": "gen_ai.prompt", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have " + }, + { + "key": "input.message_count", + "type": "int64", + "value": 1 + }, + { + "key": "input.message_type", + "type": "string", + "value": "conversation_history" + }, + { + "key": "input.recent_message_count", + "type": "int64", + "value": 1 + }, + { + "key": "input.source", + "type": "string", + "value": "group_chat_history" + }, + { + "key": "langfuse.conversation", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have " + }, + { + "key": "langfuse.input", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have " + } + ] + }, + { + "timestamp": 1750803428801920, + "fields": [ + { + "key": "event", + "type": "string", + "value": "input.last_message" + }, + { + "key": "context.type", + "type": "string", + "value": "immediate_context" + }, + { + "key": "last.message", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookin" + }, + { + "key": "last.role", + "type": "string", + "value": "AuthorRole.USER" + } + ] + }, + { + "timestamp": 1750803428801930, + "fields": [ + { + "key": "event", + "type": "string", + "value": "planning.participants" + }, + { + "key": "participant.count", + "type": "int64", + "value": 3 + }, + { + "key": "participant.names", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "participants", + "type": "string", + "value": "{\"planner\": \"Creates comprehensive travel plans including flights, hotels, and activities\", \"flight_agent\": \"Specializes in flight booking\", \"hotel_agent\": \"Specializes in hotel booking\"}" + } + ] + }, + { + "timestamp": 1750803431456136, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.coordination_decision" + }, + { + "key": "coordination.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "coordination.success", + "type": "bool", + "value": true + }, + { + "key": "event.type", + "type": "string", + "value": "coordination_completed" + }, + { + "key": "langfuse.coordination", + "type": "string", + "value": "Agent coordination decision completed" + }, + { + "key": "planning.decision_made", + "type": "bool", + "value": true + } + ] + }, + { + "timestamp": 1750803431456149, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.planning.decision" + }, + { + "key": "langfuse.plan", + "type": "string", + "value": "Group chat coordination decision for determine_state_and_take_action" + }, + { + "key": "planning.completed", + "type": "bool", + "value": true + }, + { + "key": "planning.component", + "type": "string", + "value": "group_chat_manager" + }, + { + "key": "planning.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "planning.type", + "type": "string", + "value": "overall_coordination" + } + ] + } + ], + "processID": "p1", + "warnings": null + }, + { + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "b8039bb788579007", + "operationName": "group_chat_agent_message.invoke", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "ec079a78166d47b2" + } + ], + "startTime": 1750803431459719, + "duration": 23, "tags": [ { - "key": "chat.last_message_role", + "key": "gen_ai.agent.description", "type": "string", - "value": "AuthorRole.ASSISTANT" - }, - { - "key": "chat.message_count", - "type": "int64", - "value": 3 + "value": "Specializes in hotel booking" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.agent.id", "type": "string", - "value": "plan_task" + "value": "c1e9b819-1310-4733-b8c3-7c4db716a332" }, { - "key": "gen_ai.planning.complexity", + "key": "gen_ai.agent.name", "type": "string", - "value": "simple" + "value": "hotel_agent" }, { - "key": "gen_ai.planning.stage", + "key": "gen_ai.operation.name", "type": "string", - "value": "interaction_control" + "value": "group_chat_agent_message.invoke" }, { - "key": "gen_ai.planning.type", + "key": "group_chat.component", "type": "string", - "value": "user_input_assessment" + "value": "agent_message_handler" }, { - "key": "otel.scope.name", + "key": "group_chat.operation", "type": "string", - "value": "__main__" + "value": "invoke" }, { - "key": "planning.decision", - "type": "string", - "value": "input_needed" + "key": "operation.no_result", + "type": "bool", + "value": true }, { - "key": "planning.decision_reasoning", + "key": "otel.scope.name", "type": "string", - "value": "The current plan has outlined the flight choices, accommodation, and a general itinerary for activities. To finalize the booking, specific preferences for flights and accommodations should be confirmed, and reservations need to be made. Additionally, details regarding vegetarian meal options and any specific activity preferences should be clarified with the users." + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -1809,63 +2626,69 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1750803431459736, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.agent_invoke" + }, + { + "key": "event.type", + "type": "string", + "value": "agent_invocation" + }, + { + "key": "operation.phase", + "type": "string", + "value": "invoke" + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "da13cce5e9c4f301", - "operationName": "streaming_message_final", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "5f117e7431186cbf", + "operationName": "agent_runtime process flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d319764097eb52c7" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "7f480d12c5ea7465" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "c6fce3ff4a74270c" } ], - "startTime": 1750719203040259, - "duration": 11, + "startTime": 1750803428801129, + "duration": 49, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "messaging.destination", "type": "string", - "value": "write" + "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { - "key": "gen_ai.memory.source_type", + "key": "messaging.operation", "type": "string", - "value": "streaming_response" + "value": "process" }, { - "key": "gen_ai.operation.name", + "key": "otel.scope.name", "type": "string", - "value": "memory_operation" + "value": "agent_runtime InProcessRuntime" }, { - "key": "message.agent_name", + "key": "span.kind", "type": "string", - "value": "hotel_agent" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" + "value": "consumer" } ], "logs": [], @@ -1873,33 +2696,33 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "24207081a2363ea3", - "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "c52145caf326ded7", + "operationName": "agent_runtime create hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ab4c4679922a7a11" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7f870a2e2ae08b4f" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "9650d55c794929ad" } ], - "startTime": 1750719199203468, - "duration": 69, + "startTime": 1750803428800658, + "duration": 944, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + }, + { + "key": "messaging.message.type", + "type": "string", + "value": "GroupChatStartMessage" }, { "key": "messaging.operation", "type": "string", - "value": "process" + "value": "create" }, { "key": "otel.scope.name", @@ -1909,7 +2732,7 @@ { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "producer" } ], "logs": [], @@ -1917,43 +2740,48 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "67e37d1f36176f2e", - "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "0005c2d75f3fd77c", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8f431d80e1aa1304" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "3d929332712f5494" } ], - "startTime": 1750719194643366, - "duration": 6093196, + "startTime": 1750803428802399, + "duration": 1821336, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + "value": "The manager of the group chat, responsible for coordinating the agents." }, { - "key": "messaging.operation", + "key": "gen_ai.agent.id", "type": "string", - "value": "publish" + "value": "ac6d30f4-5249-41d1-b228-af3820bf0075" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -1961,38 +2789,53 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "a28bbb0a148335cc", - "operationName": "group_chat.agent.handle_response_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "a601a452487e1b0f", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6c04f70f245f5435" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719199203234, - "duration": 82, + "startTime": 1750803436393782, + "duration": 24, "tags": [ { - "key": "agent.id", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" + "value": "write" }, { - "key": "agent.name", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "planner" + "value": "streaming_response" }, { - "key": "operation", + "key": "gen_ai.operation.name", "type": "string", - "value": "handle_response_message" + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" }, { "key": "span.kind", @@ -2000,53 +2843,59 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1750803436393803, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.tool.results" + }, + { + "key": "agent", + "type": "string", + "value": "planner" + }, + { + "key": "tool.result_count", + "type": "int64", + "value": 1 + }, + { + "key": "tool.results", + "type": "string", + "value": "[{\"function\": \"PlanningPlugin-search_hotels\", \"result\": \"Searching hotels in Bali from 2025-07-30 to 2025-08-04:\\n[{'hotel_id': 'HT123', 'name': 'Hotel Sunshine', 'price': '$150/night', 'accommodates': '2 people'}, {'hotel_id': 'HT456', 'name': 'Ocean View Resort', 'price': '$200/night', 'accommodates': '4 people'}, {'hotel_id': 'HT789', 'name': 'Mountain Retreat', 'price': '$180/night', 'accommodates': '2 people'}]\"}]" + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "cd4548e28e8dbb9b", - "operationName": "agent_initialization", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "ef22b2a34c50407c", + "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "af52548cb28d0bfa" } ], - "startTime": 1750719183782418, - "duration": 114001, + "startTime": 1750803458237738, + "duration": 1899741, "tags": [ { - "key": "agents.count", - "type": "int64", - "value": 6 - }, - { - "key": "agents.names", - "type": "string", - "value": "[\"conversation_manager\",\"planner\",\"router\",\"destination_expert\",\"flight_agent\",\"hotel_agent\"]" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_task" - }, - { - "key": "gen_ai.task.description", - "type": "string", - "value": "Initialize multi-agent system" - }, - { - "key": "gen_ai.task.id", + "key": "otel.scope.name", "type": "string", - "value": "agent_setup_001" + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" }, { - "key": "otel.scope.name", + "key": "sk.available_functions", "type": "string", - "value": "__main__" + "value": "" }, { "key": "span.kind", @@ -2059,63 +2908,63 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "183922d3716faa7a", - "operationName": "chat.completions gpt-4.1-nano", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "4ae982a51e1ec363", + "operationName": "group_chat_manager.handle_start_message", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "bb3bcee0e91e7ac4" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "42bcfb027dd03e49" } ], - "startTime": 1750719183946724, - "duration": 1776001, + "startTime": 1750803428801842, + "duration": 2654340, "tags": [ { "key": "gen_ai.operation.name", "type": "string", - "value": "chat.completions" + "value": "group_chat_manager.handle_start_message" }, { - "key": "gen_ai.request.model", + "key": "group_chat.component", "type": "string", - "value": "gpt-4.1-nano" + "value": "manager" }, { - "key": "gen_ai.response.finish_reason", + "key": "group_chat.operation", "type": "string", - "value": "FinishReason.STOP" + "value": "handle_start_message" }, { - "key": "gen_ai.response.id", + "key": "langfuse.component", "type": "string", - "value": "chatcmpl-BlkK9xkeo9IoTlRYUAcWGH8ukM7pQ" + "value": "group_chat_manager" }, { - "key": "gen_ai.system", + "key": "langfuse.operation", "type": "string", - "value": "openai" + "value": "handle_start_message" }, { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 235 + "key": "langfuse.success", + "type": "bool", + "value": true }, { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 49 + "key": "manager.id", + "type": "string", + "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c/default" }, { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + "key": "operation.success", + "type": "bool", + "value": true }, { - "key": "server.address", + "key": "otel.scope.name", "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -2123,58 +2972,79 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1750803431456175, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.message_handled" + }, + { + "key": "event.type", + "type": "string", + "value": "message_processing_complete" + }, + { + "key": "langfuse.message_handled", + "type": "bool", + "value": true + }, + { + "key": "message.operation", + "type": "string", + "value": "handle_start_message" + }, + { + "key": "message.success", + "type": "bool", + "value": true + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "e3b1370e579ebc82", - "operationName": "agent_receives_peer_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "cbc653133e3ec563", + "operationName": "agent_runtime create 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c6ae751a53ed45c3" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "3d929332712f5494" } ], - "startTime": 1750719203042160, - "duration": 7, + "startTime": 1750803431455949, + "duration": 133, "tags": [ { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "flight_agent" - }, - { - "key": "gen_ai.interaction.type", + "key": "messaging.destination", "type": "string", - "value": "receive_peer_message" + "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" }, { - "key": "gen_ai.operation.name", + "key": "messaging.message.type", "type": "string", - "value": "agent_to_agent_interaction" + "value": "GroupChatRequestMessage" }, { - "key": "message.role", + "key": "messaging.operation", "type": "string", - "value": "AuthorRole.ASSISTANT" + "value": "create" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "agent_runtime InProcessRuntime" }, { "key": "span.kind", "type": "string", - "value": "internal" + "value": "producer" } ], "logs": [], @@ -2182,38 +3052,53 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c6ae751a53ed45c3", - "operationName": "group_chat.agent.handle_response_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "c31b4b43718350e4", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "aa6b9a5124a151e5" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719203042148, - "duration": 45, + "startTime": 1750803440255645, + "duration": 29, "tags": [ { - "key": "agent.id", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + "value": "write" }, { - "key": "agent.name", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "flight_agent" + "value": "streaming_response" }, { - "key": "operation", + "key": "gen_ai.operation.name", "type": "string", - "value": "handle_response_message" + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" }, { "key": "span.kind", @@ -2221,48 +3106,99 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1750803440255670, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.tool.results" + }, + { + "key": "agent", + "type": "string", + "value": "planner" + }, + { + "key": "tool.result_count", + "type": "int64", + "value": 1 + }, + { + "key": "tool.results", + "type": "string", + "value": "[{\"function\": \"PlanningPlugin-search_hotels\", \"result\": \"Searching hotels in Bali from 2025-07-30 to 2025-08-04:\\n[{'hotel_id': 'HT123', 'name': 'Hotel Sunshine', 'price': '$150/night', 'accommodates': '2 people'}, {'hotel_id': 'HT456', 'name': 'Ocean View Resort', 'price': '$200/night', 'accommodates': '4 people'}, {'hotel_id': 'HT789', 'name': 'Mountain Retreat', 'price': '$180/night', 'accommodates': '2 people'}]\"}]" + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9982a265297ba185", - "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "b77b3f530627c33a", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "499d30b9938e0e5c" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "0e52d2924a3c7bd3" } ], - "startTime": 1750719206424209, - "duration": 1653, + "startTime": 1750803450272909, + "duration": 1363708, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + "value": "chat.completions" }, { - "key": "messaging.operation", + "key": "gen_ai.request.model", "type": "string", - "value": "publish" + "value": "gpt-4.1-mini" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-Bm6FHlzOP1Q4mtbQ1HkxCJ4Gpb8MP" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1897 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 30 }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -2270,28 +3206,28 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c95e4bdd0a823831", - "operationName": "agent_runtime process GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "0b5e6ec8278703cc", + "operationName": "agent_runtime process hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "5e6ce04adf19c723" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "9192f4ec16bf3ea7" }, { "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0e5e7a5a5cb8af79" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "a607885774edeee4" } ], - "startTime": 1750719203042234, - "duration": 5214221, + "startTime": 1750803450247468, + "duration": 83, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", @@ -2314,34 +3250,54 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "df84f6cc80a31e7d", - "operationName": "group_chat.agent.handle_response_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "d00dbc265dce1835", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "4dfcc93c17d67e51" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "f2d5bb5a6f55abc0" } ], - "startTime": 1750719206425468, - "duration": 56, + "startTime": 1750803456643322, + "duration": 57, "tags": [ { - "key": "agent.id", + "key": "gen_ai.agent.description", "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + "value": "Creates comprehensive travel plans including flights, hotels, and activities" }, { - "key": "agent.name", + "key": "gen_ai.agent.id", "type": "string", - "value": "hotel_agent" + "value": "22aff641-081c-4ef3-a073-b15ff7662eb1" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "planner" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "group_chat_agent_message.handle_response_message" + }, + { + "key": "group_chat.component", + "type": "string", + "value": "agent_message_handler" }, { - "key": "operation", + "key": "group_chat.operation", "type": "string", "value": "handle_response_message" }, + { + "key": "operation.no_result", + "type": "bool", + "value": true + }, { "key": "otel.scope.name", "type": "string", @@ -2358,92 +3314,93 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9c1b08793e30277b", - "operationName": "group_chat.manager.handle_response_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "01ae2825d14e4262", + "operationName": "comprehensive_task_execution", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c95e4bdd0a823831" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" } ], - "startTime": 1750719203042247, - "duration": 5214198, + "startTime": 1750803428798024, + "duration": 31345346, "tags": [ { - "key": "chat_history.message_count", - "type": "int64", - "value": 4 - }, - { - "key": "manager.current_round", - "type": "int64", - "value": 2 + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_task" }, { - "key": "manager_type", + "key": "gen_ai.system", "type": "string", - "value": "AgentBaseGroupChatManager" + "value": "semantic_kernel_multi_agent" }, { - "key": "operation", + "key": "gen_ai.task.assigned_agents", "type": "string", - "value": "handle_response_message" + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" }, { - "key": "otel.scope.name", + "key": "gen_ai.task.constraints", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "[\"budget:5000\",\"duration:5_days\",\"travelers:4\",\"dietary:vegetarian\"]" }, { - "key": "span.kind", + "key": "gen_ai.task.description", "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "aa6b9a5124a151e5", - "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "5e6ce04adf19c723" + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." }, { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0e5e7a5a5cb8af79" - } - ], - "startTime": 1750719203042132, - "duration": 66, - "tags": [ + "key": "gen_ai.task.expected_output", + "type": "string", + "value": "Complete travel plan with bookings" + }, { - "key": "messaging.destination", + "key": "gen_ai.task.id", "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "bali_trip_planning_001" }, { - "key": "messaging.operation", + "key": "gen_ai.task.status", "type": "string", - "value": "process" + "value": "completed" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "__main__" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" + }, + { + "key": "task.budget", + "type": "int64", + "value": 5000 + }, + { + "key": "task.destination", + "type": "string", + "value": "Bali" + }, + { + "key": "task.duration_days", + "type": "int64", + "value": 5 + }, + { + "key": "task.expected_tool_usage", + "type": "string", + "value": "[\"flight_search\",\"hotel_search\",\"planning_tools\"]" + }, + { + "key": "task.travelers", + "type": "int64", + "value": 4 } ], "logs": [], @@ -2451,53 +3408,53 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "cd3872140e7b7fb4", - "operationName": "manager_delegation_decision", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "212c16cf10592d4f", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c2e4d9ce1bab9543" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719186520243, - "duration": 8, + "startTime": 1750803432701436, + "duration": 6, "tags": [ { - "key": "chat_history.message_count_after", - "type": "int64", - "value": 1 - }, - { - "key": "chat_history.message_count_before", - "type": "int64", - "value": 1 + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "write" }, { - "key": "gen_ai.interaction.source_agent", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "Manager" + "value": "streaming_response" }, { - "key": "gen_ai.interaction.type", + "key": "gen_ai.operation.name", "type": "string", - "value": "delegation_decision" + "value": "memory_operation" }, { - "key": "gen_ai.operation.name", + "key": "message.agent_name", "type": "string", - "value": "agent_to_agent_interaction" + "value": "planner" }, { - "key": "manager.current_round", + "key": "message.content_length", "type": "int64", "value": 0 }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" }, { "key": "span.kind", @@ -2510,33 +3467,33 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "86ce72fda7074273", - "operationName": "agent_runtime create flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "42bcfb027dd03e49", + "operationName": "agent_runtime process GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "1a3c19fc641b2348" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "400527af5ef8bf75" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "bc0102572427f90d" } ], - "startTime": 1750719183933796, - "duration": 1110, + "startTime": 1750803428801831, + "duration": 2654364, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatStartMessage" + "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", "type": "string", - "value": "create" + "value": "process" }, { "key": "otel.scope.name", @@ -2546,7 +3503,7 @@ { "key": "span.kind", "type": "string", - "value": "producer" + "value": "consumer" } ], "logs": [], @@ -2554,28 +3511,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398", - "operationName": "AutoFunctionInvocationLoop", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e96cc275ba50cbc8", + "operationName": "execute_tool PlanningPlugin-search_hotels", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0bba02c2a6a2c594" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719186520839, - "duration": 8107638, + "startTime": 1750803440254851, + "duration": 156, "tags": [ { - "key": "otel.scope.name", + "key": "gen_ai.operation.name", "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + "value": "execute_tool" }, { - "key": "sk.available_functions", + "key": "gen_ai.tool.call.id", "type": "string", - "value": "PlanningPlugin-get_weather,PlanningPlugin-search_flights,PlanningPlugin-search_hotels" + "value": "call_sAPBmQR6OA2TPyaNaufxSKWo" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Search for available hotels." + }, + { + "key": "gen_ai.tool.name", + "type": "string", + "value": "PlanningPlugin-search_hotels" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", @@ -2588,28 +3560,28 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "433eff0ff37e2ec3", - "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "64fa8bfa51d5225c", + "operationName": "agent_runtime process hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "67e37d1f36176f2e" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "20da664b34af6677" }, { "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8f431d80e1aa1304" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "7c63fec3d33969e2" } ], - "startTime": 1750719194643765, - "duration": 84, + "startTime": 1750803456643522, + "duration": 40, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", @@ -2632,48 +3604,53 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "741e9f28d58ca448", - "operationName": "agent_responds_to_manager", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "d863084fb45fcac2", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "3579f8fedff9c20f" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "1bd4b5f3be1544a6" } ], - "startTime": 1750719194643162, - "duration": 23, + "startTime": 1750803456643440, + "duration": 51, "tags": [ { - "key": "agent.role", + "key": "gen_ai.agent.description", "type": "string", - "value": "unknown" + "value": "Specializes in flight booking" }, { - "key": "execution.duration_seconds", - "type": "float64", - "value": 8.122563123703003 + "key": "gen_ai.agent.id", + "type": "string", + "value": "035851b6-a48a-4067-8f30-11342f110c4c" }, { - "key": "gen_ai.interaction.source_agent", + "key": "gen_ai.agent.name", "type": "string", - "value": "planner" + "value": "flight_agent" }, { - "key": "gen_ai.interaction.target_agent", + "key": "gen_ai.operation.name", "type": "string", - "value": "Manager" + "value": "group_chat_agent_message.handle_response_message" }, { - "key": "gen_ai.interaction.type", + "key": "group_chat.component", "type": "string", - "value": "send_response" + "value": "agent_message_handler" }, { - "key": "gen_ai.operation.name", + "key": "group_chat.operation", "type": "string", - "value": "agent_to_agent_interaction" + "value": "handle_response_message" + }, + { + "key": "operation.no_result", + "type": "bool", + "value": true }, { "key": "otel.scope.name", @@ -2691,87 +3668,63 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6c3a7f01f5c692bf", - "operationName": "AutoFunctionInvocationLoop", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "c4159d30c1697885", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0edca157c0fa3617" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "0cdd26e935a3fc9b" } ], - "startTime": 1750719200058651, - "duration": 676406, + "startTime": 1750803456641449, + "duration": 1544065, "tags": [ { - "key": "otel.scope.name", + "key": "gen_ai.operation.name", "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + "value": "chat.completions" }, { - "key": "sk.available_functions", + "key": "gen_ai.request.model", "type": "string", - "value": "" + "value": "gpt-4.1-mini" }, { - "key": "span.kind", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0016d57baff994ca", - "operationName": "manager_delegation_decision", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7ddaef61dc3754f6" - } - ], - "startTime": 1750719208256029, - "duration": 12, - "tags": [ - { - "key": "chat_history.message_count_after", - "type": "int64", - "value": 7 - }, - { - "key": "chat_history.message_count_before", - "type": "int64", - "value": 6 + "value": "FinishReason.STOP" }, { - "key": "gen_ai.interaction.source_agent", + "key": "gen_ai.response.id", "type": "string", - "value": "Manager" + "value": "chatcmpl-Bm6FNxFnkaFvneFpDN8UGL4drMfyk" }, { - "key": "gen_ai.interaction.type", + "key": "gen_ai.system", "type": "string", - "value": "delegation_decision" + "value": "openai" }, { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1902 }, { - "key": "manager.current_round", + "key": "gen_ai.usage.output_tokens", "type": "int64", - "value": 2 + "value": 58 }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -2784,48 +3737,53 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "83e47e3a23a43dc0", - "operationName": "group_chat.manager.handle_start_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "9e10afdbd92246c2", + "operationName": "result_processing", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "861e4096e81cbf63" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "01ae2825d14e4262" } ], - "startTime": 1750719183935234, - "duration": 2585028, + "startTime": 1750803428800181, + "duration": 31343132, "tags": [ { - "key": "chat_history.message_count", - "type": "int64", - "value": 0 + "key": "gen_ai.memory.operation_type", + "type": "string", + "value": "read" }, { - "key": "manager.current_round", - "type": "int64", - "value": 0 + "key": "gen_ai.memory.source_type", + "type": "string", + "value": "task_result" }, { - "key": "manager_type", + "key": "gen_ai.operation.name", "type": "string", - "value": "AgentBaseGroupChatManager" + "value": "memory_operation" }, { - "key": "operation", - "type": "string", - "value": "handle_start_message" + "key": "memory.result_retrieved", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" }, { - "key": "otel.status_code", - "type": "string", - "value": "OK" + "key": "result.length", + "type": "int64", + "value": 714 + }, + { + "key": "result.success", + "type": "bool", + "value": true }, { "key": "span.kind", @@ -2838,48 +3796,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6f24df9f61da3153", - "operationName": "execute_tool PlanningPlugin-search_flights", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e4af34711be412f4", + "operationName": "agent_runtime send planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "6c5ce4dc73a92ea1" } ], - "startTime": 1750719187992374, - "duration": 293, + "startTime": 1750803428800765, + "duration": 230, "tags": [ { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_tool" - }, - { - "key": "gen_ai.tool.call.id", - "type": "string", - "value": "call_sjiCQ786KpmVEc1swZ6q0nDp" - }, - { - "key": "gen_ai.tool.description", + "key": "messaging.destination", "type": "string", - "value": "Search for available flights." + "value": "planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { - "key": "gen_ai.tool.name", + "key": "messaging.operation", "type": "string", - "value": "PlanningPlugin-search_flights" + "value": "publish" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.functions.kernel_function" + "value": "agent_runtime InProcessRuntime" }, { "key": "span.kind", "type": "string", - "value": "internal" + "value": "producer" } ], "logs": [], @@ -2887,43 +3840,28 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0abc4bcd2c82d00c", - "operationName": "memory_operation_summary", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "b0eac141185a6eff", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7ddaef61dc3754f6" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719207041686, - "duration": 1213816, + "startTime": 1750803440255699, + "duration": 11, "tags": [ - { - "key": "conversation.message_count", - "type": "int64", - "value": 7 - }, - { - "key": "gen_ai.memory.memory_type", - "type": "string", - "value": "working" - }, { "key": "gen_ai.memory.operation_type", "type": "string", "value": "write" }, - { - "key": "gen_ai.memory.size_bytes", - "type": "int64", - "value": 758628 - }, { "key": "gen_ai.memory.source_type", "type": "string", - "value": "conversation_summary" + "value": "streaming_response" }, { "key": "gen_ai.operation.name", @@ -2931,19 +3869,19 @@ "value": "memory_operation" }, { - "key": "memory.result_processed", - "type": "bool", - "value": true + "key": "message.agent_name", + "type": "string", + "value": "planner" }, { - "key": "memory.summary_generated", - "type": "bool", - "value": true + "key": "message.content_length", + "type": "int64", + "value": 0 }, { - "key": "memory.summary_length", - "type": "int64", - "value": 612 + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", @@ -2961,34 +3899,54 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "64ed7564bd288908", - "operationName": "group_chat.agent.handle_response_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "08c0e94dfc28a73f", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "fadf2198958b3e76" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "643d03edf2763875" } ], - "startTime": 1750719206425341, - "duration": 72, + "startTime": 1750803450247281, + "duration": 116, "tags": [ { - "key": "agent.id", + "key": "gen_ai.agent.description", + "type": "string", + "value": "Specializes in flight booking" + }, + { + "key": "gen_ai.agent.id", "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + "value": "035851b6-a48a-4067-8f30-11342f110c4c" }, { - "key": "agent.name", + "key": "gen_ai.agent.name", "type": "string", "value": "flight_agent" }, { - "key": "operation", + "key": "gen_ai.operation.name", + "type": "string", + "value": "group_chat_agent_message.handle_response_message" + }, + { + "key": "group_chat.component", + "type": "string", + "value": "agent_message_handler" + }, + { + "key": "group_chat.operation", "type": "string", "value": "handle_response_message" }, + { + "key": "operation.no_result", + "type": "bool", + "value": true + }, { "key": "otel.scope.name", "type": "string", @@ -3005,43 +3963,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "05289f3a261b97db", - "operationName": "agent_receives_peer_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "d4a85064694beb23", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "e71d7d9622f243c6" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "f39de0bd24092b1f" } ], - "startTime": 1750719199203387, - "duration": 19, + "startTime": 1750803456641161, + "duration": 1544483, "tags": [ { - "key": "gen_ai.interaction.target_agent", + "key": "gen_ai.agent.description", "type": "string", - "value": "flight_agent" + "value": "The manager of the group chat, responsible for coordinating the agents." }, { - "key": "gen_ai.interaction.type", + "key": "gen_ai.agent.id", "type": "string", - "value": "receive_peer_message" + "value": "ac6d30f4-5249-41d1-b228-af3820bf0075" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.agent.name", "type": "string", - "value": "agent_to_agent_interaction" + "value": "Manager" }, { - "key": "message.role", + "key": "gen_ai.operation.name", "type": "string", - "value": "AuthorRole.USER" + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", @@ -3054,121 +4012,128 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8f55b07c65c51820", - "operationName": "group_chat.agent.handle_response_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "8276c6f146c6750b", + "operationName": "group_chat_manager.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b67e1aad2d0195ed" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e3889f91ba633fee" } ], - "startTime": 1750719203042008, - "duration": 78, + "startTime": 1750803450247603, + "duration": 9895457, "tags": [ { - "key": "agent.id", + "key": "gen_ai.operation.name", "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" + "value": "group_chat_manager.handle_response_message" }, { - "key": "agent.name", + "key": "group_chat.component", "type": "string", - "value": "planner" + "value": "manager" }, { - "key": "operation", + "key": "group_chat.operation", "type": "string", "value": "handle_response_message" }, { - "key": "otel.scope.name", + "key": "langfuse.component", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "group_chat_manager" }, { - "key": "span.kind", + "key": "langfuse.operation", "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6d0f4fb9ce4a22b7", - "operationName": "group_chat.agent.handle_start_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "82fb8dd142205805" - } - ], - "startTime": 1750719183934688, - "duration": 24, - "tags": [ + "value": "handle_response_message" + }, { - "key": "agent.id", - "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + "key": "langfuse.success", + "type": "bool", + "value": true }, { - "key": "agent.name", + "key": "manager.id", "type": "string", - "value": "hotel_agent" + "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c/default" }, { - "key": "operation", - "type": "string", - "value": "handle_start_message" + "key": "operation.success", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, { "key": "span.kind", "type": "string", "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1750803460143049, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.message_handled" + }, + { + "key": "event.type", + "type": "string", + "value": "message_processing_complete" + }, + { + "key": "langfuse.message_handled", + "type": "bool", + "value": true + }, + { + "key": "message.operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "message.success", + "type": "bool", + "value": true + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "57f0209f8ecd3f75", - "operationName": "agent_runtime send planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "400527af5ef8bf75", + "operationName": "agent_runtime send GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" }, { "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "32ef444423b46c34" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "bc0102572427f90d" } ], - "startTime": 1750719183934066, - "duration": 267, + "startTime": 1750803428801749, + "duration": 2654499, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", @@ -3191,18 +4156,18 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "53cade85898f8a81", - "operationName": "execute_tool PlanningPlugin-search_hotels", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "6dbf82c77729baf0", + "operationName": "execute_tool PlanningPlugin-search_flights", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719194628120, - "duration": 120, + "startTime": 1750803440254451, + "duration": 205, "tags": [ { "key": "gen_ai.operation.name", @@ -3212,17 +4177,17 @@ { "key": "gen_ai.tool.call.id", "type": "string", - "value": "call_0CxjqpH6ba1gCDDsrEDpnLt2" + "value": "call_j66vr5VX7MLIgJmPT9Ct11a9" }, { "key": "gen_ai.tool.description", "type": "string", - "value": "Search for available hotels." + "value": "Search for available flights." }, { "key": "gen_ai.tool.name", "type": "string", - "value": "PlanningPlugin-search_hotels" + "value": "PlanningPlugin-search_flights" }, { "key": "otel.scope.name", @@ -3240,87 +4205,53 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "246fce37cce5e508", - "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "27d6f91c930c8f16", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d72a823b8b78af15" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719186520375, - "duration": 8123172, + "startTime": 1750803440255583, + "duration": 13, "tags": [ { - "key": "messaging.destination", - "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" - }, - { - "key": "messaging.operation", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "publish" + "value": "write" }, { - "key": "otel.scope.name", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "streaming_response" }, { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "3579f8fedff9c20f", - "operationName": "group_chat.agent.invoke", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "facacb59728127d4" - } - ], - "startTime": 1750719186520527, - "duration": 8122662, - "tags": [ - { - "key": "agent.id", + "key": "gen_ai.operation.name", "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" + "value": "memory_operation" }, { - "key": "agent.name", + "key": "message.agent_name", "type": "string", "value": "planner" }, { - "key": "execution.duration_seconds", - "type": "float64", - "value": 8.122563123703003 + "key": "message.content_length", + "type": "int64", + "value": 0 }, { - "key": "operation", - "type": "string", - "value": "invoke" + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" }, { "key": "span.kind", @@ -3333,43 +4264,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "de731db6a9933e00", - "operationName": "group_chat.agent.invoke", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "add2e0576dbe1cf8", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b0fff181f3a36d6d" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "f90d6fdf1e865d3c" } ], - "startTime": 1750719200736740, - "duration": 43, + "startTime": 1750803450272575, + "duration": 1364191, "tags": [ { - "key": "agent.id", + "key": "gen_ai.agent.description", "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + "value": "The manager of the group chat, responsible for coordinating the agents." }, { - "key": "agent.name", + "key": "gen_ai.agent.id", "type": "string", - "value": "flight_agent" + "value": "ac6d30f4-5249-41d1-b228-af3820bf0075" }, { - "key": "execution.duration_seconds", - "type": "float64", - "value": 0 + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" }, { - "key": "operation", + "key": "gen_ai.operation.name", "type": "string", - "value": "invoke" + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", @@ -3382,92 +4313,63 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0edca157c0fa3617", - "operationName": "invoke_agent Manager", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "ed426310740cad3b", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "05588013a287c8bb" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "64fa8bfa51d5225c" } ], - "startTime": 1750719200058434, - "duration": 676670, + "startTime": 1750803456643532, + "duration": 26, "tags": [ { "key": "gen_ai.agent.description", "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." + "value": "Specializes in hotel booking" }, { "key": "gen_ai.agent.id", "type": "string", - "value": "e5208ead-c9bf-4312-aac1-a965a877659e" + "value": "c1e9b819-1310-4733-b8c3-7c4db716a332" }, { "key": "gen_ai.agent.name", "type": "string", - "value": "Manager" + "value": "hotel_agent" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + "value": "group_chat_agent_message.handle_response_message" }, { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "32ef444423b46c34", - "operationName": "agent_runtime create planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "1a3c19fc641b2348" - } - ], - "startTime": 1750719183933668, - "duration": 1169, - "tags": [ - { - "key": "messaging.destination", + "key": "group_chat.component", "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "agent_message_handler" }, { - "key": "messaging.message.type", + "key": "group_chat.operation", "type": "string", - "value": "GroupChatStartMessage" + "value": "handle_response_message" }, { - "key": "messaging.operation", - "type": "string", - "value": "create" + "key": "operation.no_result", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -3475,33 +4377,33 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "569fb5d292df3dc0", - "operationName": "agent_runtime send GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "a4ffc661408fd65f", + "operationName": "agent_runtime process flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "86bdb7742d286f03" }, { "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "613ea6988100f755" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "cbc653133e3ec563" } ], - "startTime": 1750719183935128, - "duration": 2585158, + "startTime": 1750803431459544, + "duration": 87, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", "type": "string", - "value": "publish" + "value": "process" }, { "key": "otel.scope.name", @@ -3511,7 +4413,7 @@ { "key": "span.kind", "type": "string", - "value": "producer" + "value": "consumer" } ], "logs": [], @@ -3519,18 +4421,18 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "bb3bcee0e91e7ac4", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "eb4ae25565f17984", "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "4c84c04cd0f61654" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "0005c2d75f3fd77c" } ], - "startTime": 1750719183946692, - "duration": 1776045, + "startTime": 1750803428805397, + "duration": 1818286, "tags": [ { "key": "otel.scope.name", @@ -3553,43 +4455,53 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "235e7e6674da8eb9", - "operationName": "agent_receives_peer_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "6cb7e8986b901a01", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b31dbd2cc9c4a17b" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719206424672, - "duration": 37, + "startTime": 1750803436393619, + "duration": 11, "tags": [ { - "key": "gen_ai.interaction.target_agent", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "planner" + "value": "write" }, { - "key": "gen_ai.interaction.type", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "receive_peer_message" + "value": "streaming_response" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "agent_to_agent_interaction" + "value": "memory_operation" }, { - "key": "message.role", + "key": "message.agent_name", "type": "string", - "value": "AuthorRole.USER" + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" }, { "key": "span.kind", @@ -3602,58 +4514,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "da1822e64bf2c94d", - "operationName": "agent_receives_delegation", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "9192f4ec16bf3ea7", + "operationName": "agent_runtime publish 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8869d94d2023cc05" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "a607885774edeee4" } ], - "startTime": 1750719186521758, - "duration": 7, + "startTime": 1750803450246806, + "duration": 9896682, "tags": [ { - "key": "agent.role", - "type": "string", - "value": "unknown" - }, - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "gen_ai.interaction.type", + "key": "messaging.destination", "type": "string", - "value": "receive_delegation" + "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" }, { - "key": "gen_ai.operation.name", + "key": "messaging.operation", "type": "string", - "value": "agent_to_agent_interaction" + "value": "publish" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "requested_agent", - "type": "string", - "value": "planner" + "value": "agent_runtime InProcessRuntime" }, { "key": "span.kind", "type": "string", - "value": "internal" + "value": "producer" } ], "logs": [], @@ -3661,43 +4558,22 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "53df41aa630ff104", - "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c884cce505e2c571" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "86ce72fda7074273" - } - ], - "startTime": 1750719183934479, - "duration": 58, + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "955f217c932cacee", + "operationName": "main", + "references": [], + "startTime": 1750803428680433, + "duration": 31463308, "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "samples.demos.travel_planning_system.observability" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -3705,28 +4581,73 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "4535f930505451c8", - "operationName": "AutoFunctionInvocationLoop", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "769c439f0d8b8db6", + "operationName": "agent_selection_planning", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "fffa0b2d046cf310" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "3d929332712f5494" } ], - "startTime": 1750719185723149, - "duration": 796821, + "startTime": 1750803430623837, + "duration": 831734, "tags": [ + { + "key": "agent.selection.available_agents", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "agent.selection.conversation_length", + "type": "int64", + "value": 1 + }, + { + "key": "agent.selection.reasoning", + "type": "string", + "value": "The planner should speak next to start by assessing the overall budget allocation and then coordinate the efforts of the flight_agent and hotel_agent for flights and accommodations, ensuring all requirements and constraints are met." + }, + { + "key": "agent.selection.selected", + "type": "string", + "value": "planner" + }, + { + "key": "agent.selection.total_participants", + "type": "int64", + "value": 3 + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "plan_task" + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "moderate" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "agent_coordination" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "plan_task" + }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + "value": "__main__" }, { - "key": "sk.available_functions", + "key": "planning.decision", "type": "string", - "value": "" + "value": "agent_selected" }, { "key": "span.kind", @@ -3739,53 +4660,58 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "64dded14a39f70ea", - "operationName": "streaming_message_final", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "55a3555471d1197f", + "operationName": "group_chat_agent_message.handle_start_message", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9d913b2bd21673ca" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2d3045a20b028936" } ], - "startTime": 1750719202316774, - "duration": 7, + "startTime": 1750803428801324, + "duration": 26, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.agent.description", "type": "string", - "value": "write" + "value": "Specializes in hotel booking" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.agent.id", "type": "string", - "value": "streaming_response" + "value": "c1e9b819-1310-4733-b8c3-7c4db716a332" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "hotel_agent" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "memory_operation" + "value": "group_chat_agent_message.handle_start_message" }, { - "key": "message.agent_name", + "key": "group_chat.component", "type": "string", - "value": "hotel_agent" + "value": "agent_message_handler" }, { - "key": "message.content_length", - "type": "int64", - "value": 0 + "key": "group_chat.operation", + "type": "string", + "value": "handle_start_message" }, { - "key": "message.processing_complete", + "key": "operation.no_result", "type": "bool", "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -3793,48 +4719,89 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1750803428801332, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.conversation_start" + }, + { + "key": "event.type", + "type": "string", + "value": "conversation_initialization" + }, + { + "key": "operation.phase", + "type": "string", + "value": "start" + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ddd12d4e86de200a", - "operationName": "invoke_agent Manager", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "778192bce9f0b803", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "56508c9f1839c191" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "5f6f01c202e576d4" } ], - "startTime": 1750719203067044, - "duration": 644534, + "startTime": 1750803430624059, + "duration": 831275, "tags": [ { - "key": "gen_ai.agent.description", + "key": "gen_ai.operation.name", "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." + "value": "chat.completions" }, { - "key": "gen_ai.agent.id", + "key": "gen_ai.request.model", "type": "string", - "value": "e5208ead-c9bf-4312-aac1-a965a877659e" + "value": "gpt-4.1-mini" }, { - "key": "gen_ai.agent.name", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "Manager" + "value": "FinishReason.STOP" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.response.id", "type": "string", - "value": "invoke_agent" + "value": "chatcmpl-Bm6Ewgvdc6BXt7dJsDCi3LxtfXNf6" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 342 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 50 }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -3847,43 +4814,53 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ba63ddfed81f177c", - "operationName": "agent_receives_peer_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "6ca51162c6d2c506", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "df84f6cc80a31e7d" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719206425481, - "duration": 17, + "startTime": 1750803440255312, + "duration": 12, "tags": [ { - "key": "gen_ai.interaction.target_agent", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "hotel_agent" + "value": "write" }, { - "key": "gen_ai.interaction.type", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "receive_peer_message" + "value": "streaming_response" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "agent_to_agent_interaction" + "value": "memory_operation" }, { - "key": "message.role", + "key": "message.agent_name", "type": "string", - "value": "AuthorRole.USER" + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 1189 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" }, { "key": "span.kind", @@ -3896,87 +4873,138 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "275880a735e5646d", - "operationName": "agent_runtime process GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "6d3fbe8f7a8e0bc8", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "67e37d1f36176f2e" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8f431d80e1aa1304" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719194643880, - "duration": 6092483, + "startTime": 1750803440255504, + "duration": 45, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "write" }, { - "key": "messaging.operation", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "process" + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "__main__" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" + } + ], + "logs": [ + { + "timestamp": 1750803440255544, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.tool.results" + }, + { + "key": "agent", + "type": "string", + "value": "planner" + }, + { + "key": "tool.result_count", + "type": "int64", + "value": 1 + }, + { + "key": "tool.results", + "type": "string", + "value": "[{\"function\": \"PlanningPlugin-search_flights\", \"result\": \"Available flights from Bali to Seattle on 2025-08-04:\\n[{'flight_id': 'FL123', 'take-off-time': '10:00 AM', 'arrival-time': '12:00 PM', 'price': '$200'}, {'flight_id': 'FL456', 'take-off-time': '2:00 PM', 'arrival-time': '4:00 PM', 'price': '$250'}, {'flight_id': 'FL789', 'take-off-time': '6:00 PM', 'arrival-time': '8:00 PM', 'price': '$300'}]\"}]" + } + ] } ], - "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "5dc9f45efe6f3302", - "operationName": "execute_tool PlanningPlugin-search_hotels", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e14c3e56f27fd82b", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e74d32046b225772" } ], - "startTime": 1750719192392648, - "duration": 97, + "startTime": 1750803450215444, + "duration": 15, "tags": [ { - "key": "gen_ai.operation.name", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "execute_tool" + "value": "write" }, { - "key": "gen_ai.tool.call.id", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "call_nCxqb8xatmHMWzs1GHcOQCzg" + "value": "streaming_response" }, { - "key": "gen_ai.tool.description", + "key": "gen_ai.operation.name", "type": "string", - "value": "Search for available hotels." + "value": "memory_operation" }, { - "key": "gen_ai.tool.name", + "key": "message.agent_name", "type": "string", - "value": "PlanningPlugin-search_hotels" + "value": "planner" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.functions.kernel_function" + "value": "__main__" }, { "key": "span.kind", @@ -3989,28 +5017,28 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b7b69c0759495b05", - "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e3889f91ba633fee", + "operationName": "agent_runtime process GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "246fce37cce5e508" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "9192f4ec16bf3ea7" }, { "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d72a823b8b78af15" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "a607885774edeee4" } ], - "startTime": 1750719186521648, - "duration": 61, + "startTime": 1750803450247586, + "duration": 9895499, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", @@ -4033,239 +5061,58 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6b0ba78101e09d0f", - "operationName": "chat.streaming_completions gpt-4.1-nano", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "9650d55c794929ad", + "operationName": "group_chat_orchestration.start", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "01ae2825d14e4262" } ], - "startTime": 1750719186520860, - "duration": 1468485, + "startTime": 1750803428800237, + "duration": 2659742, "tags": [ { "key": "gen_ai.operation.name", "type": "string", - "value": "chat.streaming_completions" + "value": "group_chat_orchestration.start" }, { - "key": "gen_ai.request.model", + "key": "group_chat.component", "type": "string", - "value": "gpt-4.1-nano" + "value": "orchestration" }, { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.TOOL_CALLS" + "key": "group_chat.is_root_operation", + "type": "bool", + "value": true }, { - "key": "gen_ai.response.id", + "key": "group_chat.operation", "type": "string", - "value": "chatcmpl-BlkKBxCm0QFqcabuyWy8btfVTErOs" + "value": "start" }, { - "key": "gen_ai.system", - "type": "string", - "value": "openai" + "key": "orchestration.agent_count", + "type": "int64", + "value": 3 }, { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 236 + "key": "orchestration.completed", + "type": "bool", + "value": true }, { - "key": "gen_ai.usage.output_tokens", + "key": "orchestration.has_input", + "type": "bool", + "value": true + }, + { + "key": "orchestration.input_length", "type": "int64", - "value": 96 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b89ff1d85dfff09d", - "operationName": "AutoFunctionInvocationLoop", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "a9b4d525be3b617c" - } - ], - "startTime": 1750719194669545, - "duration": 1527229, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" - }, - { - "key": "sk.available_functions", - "type": "string", - "value": "" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9042ee61e8311886", - "operationName": "agent_receives_peer_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d3314802b716fbe3" - } - ], - "startTime": 1750719194643660, - "duration": 15, - "tags": [ - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "planner" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "flight_agent" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "receive_peer_message" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "message.role", - "type": "string", - "value": "AuthorRole.ASSISTANT" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b31dbd2cc9c4a17b", - "operationName": "group_chat.agent.handle_response_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "a689efec7fd476d3" - } - ], - "startTime": 1750719206424655, - "duration": 105, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "planner" - }, - { - "key": "operation", - "type": "string", - "value": "handle_response_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "dde28e99a919a6c2", - "operationName": "agent_receives_peer_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "64ed7564bd288908" - } - ], - "startTime": 1750719206425359, - "duration": 23, - "tags": [ - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "flight_agent" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "receive_peer_message" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "message.role", - "type": "string", - "value": "AuthorRole.USER" + "value": 503 }, { "key": "otel.scope.name", @@ -4278,87 +5125,114 @@ "value": "internal" } ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ad49d61dc3e1210c", - "operationName": "planning_user_input_assessment", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c2e4d9ce1bab9543" - } - ], - "startTime": 1750719183935341, - "duration": 14, - "tags": [ - { - "key": "chat.last_message_role", - "type": "string", - "value": "AuthorRole.USER" - }, - { - "key": "chat.message_count", - "type": "int64", - "value": 1 - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "plan_task" - }, - { - "key": "gen_ai.planning.complexity", - "type": "string", - "value": "simple" - }, - { - "key": "gen_ai.planning.stage", - "type": "string", - "value": "interaction_control" - }, - { - "key": "gen_ai.planning.type", - "type": "string", - "value": "user_input_assessment" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "planning.decision", - "type": "string", - "value": "no_input_needed_recent" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "67c68d3a51c0a083", + "logs": [ + { + "timestamp": 1750803428800250, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.session_start" + }, + { + "key": "event.type", + "type": "string", + "value": "orchestration_start" + }, + { + "key": "session.phase", + "type": "string", + "value": "initialization" + } + ] + }, + { + "timestamp": 1750803428800264, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.prompt" + }, + { + "key": "gen_ai.prompt", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." + }, + { + "key": "group_chat.session_input", + "type": "bool", + "value": true + }, + { + "key": "input.message_type", + "type": "string", + "value": "orchestration_input" + }, + { + "key": "input.source", + "type": "string", + "value": "user_request" + } + ] + }, + { + "timestamp": 1750803428800272, + "fields": [ + { + "key": "event", + "type": "string", + "value": "orchestration.agents_configured" + }, + { + "key": "agents.count", + "type": "int64", + "value": 3 + }, + { + "key": "agents.names", + "type": "string", + "value": "['planner', 'flight_agent', 'hotel_agent']" + } + ] + }, + { + "timestamp": 1750803431459973, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.session_started" + }, + { + "key": "event.type", + "type": "string", + "value": "orchestration_started" + }, + { + "key": "session.success", + "type": "bool", + "value": true + } + ] + } + ], + "processID": "p1", + "warnings": null + }, + { + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "43cf1a086e2b9348", "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719187993099, - "duration": 7, + "startTime": 1750803436393283, + "duration": 71, "tags": [ { "key": "gen_ai.memory.operation_type", @@ -4383,7 +5257,7 @@ { "key": "message.content_length", "type": "int64", - "value": 0 + "value": 1413 }, { "key": "message.processing_complete", @@ -4401,3492 +5275,124 @@ "value": "internal" } ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9f01258444d6a543", - "operationName": "group_chat.agent.handle_start_message", + "logs": [ + { + "timestamp": 1750803436393321, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.completion" + }, + { + "key": "gen_ai.assistant.message", + "type": "string", + "value": "Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especially international flights from Seattle to Bali.\n- Hotels: Need to find vegetarian-friendly or at least with vegetarian meal options.\n- Activities: Sightseeing, cultural experiences, perhaps some guided tours.\n- Food: Budget needs to consider eating out or groceries, focusing on vegetarian options.\n\nStep 1: Flight cost estimation\nFlights from Seattle (SEA) to Bali (DPS) can be costly. Round trip economy tickets typically range from $800 to $1200 per person, but with careful search could be less.\n\nStep 2: Hotel cost estimation\nReasonable budget hotels or guesthouses suitable for families in Bali typically range from $30 to $70 per night, some including breakfast.\n\nStep 3: Activities and meals\nWe can budget $30-$50 per day per person for food and activities, accounting for vegetarian meals.\n\nSt" + }, + { + "key": "gen_ai.completion", + "type": "string", + "value": "Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especially international flights from Seattle to Bali.\n- Hotels: Need to find vegetarian-friendly or at least with vegetarian meal options.\n- Activities: Sightseeing, cultural experiences, perhaps some guided tours.\n- Food: Budget needs to consider eating out or groceries, focusing on vegetarian options.\n\nStep 1: Flight cost estimation\nFlights from Seattle (SEA) to Bali (DPS) can be costly. Round trip economy tickets typically range from $800 to $1200 per person, but with careful search could be less.\n\nStep 2: Hotel cost estimation\nReasonable budget hotels or guesthouses suitable for families in Bali typically range from $30 to $70 per night, some including breakfast.\n\nStep 3: Activities and meals\nWe can budget $30-$50 per day per person for food and activities, accounting for vegetarian meals.\n\nSt" + }, + { + "key": "output.agent", + "type": "string", + "value": "planner" + }, + { + "key": "output.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "output.type", + "type": "string", + "value": "streaming_final" + } + ] + }, + { + "timestamp": 1750803436393351, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.tool.calls" + }, + { + "key": "agent", + "type": "string", + "value": "planner" + }, + { + "key": "tool.call_count", + "type": "int64", + "value": 2 + }, + { + "key": "tool.calls", + "type": "string", + "value": "[{\"function\": \"PlanningPlugin-search_flights\", \"arguments\": \"{\\\"origin\\\": \\\"Seattle\\\", \\\"destination\\\": \\\"Bali\\\", \\\"date\\\": \\\"2025-07-30\\\"}\"}, {\"function\": \"PlanningPlugin-search_hotels\", \"arguments\": \"{\\\"location\\\": \\\"Bali\\\", \\\"check_in\\\": \\\"2025-07-30\\\", \\\"check_out\\\": \\\"2025-08-04\\\"}\"}]" + } + ] + } + ], + "processID": "p1", + "warnings": null + }, + { + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "86dd894660290883", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "1aa073ce33986032" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e74d32046b225772" } ], - "startTime": 1750719183934234, - "duration": 65, + "startTime": 1750803450215484, + "duration": 9, "tags": [ { - "key": "agent.id", - "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e/default" - }, - { - "key": "agent.name", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "planner" + "value": "write" }, { - "key": "operation", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "handle_start_message" + "value": "streaming_response" }, { - "key": "otel.scope.name", + "key": "gen_ai.operation.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "memory_operation" }, { - "key": "otel.status_code", + "key": "message.agent_name", "type": "string", - "value": "OK" + "value": "planner" }, { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "4c84c04cd0f61654", - "operationName": "invoke_agent Manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c2e4d9ce1bab9543" - } - ], - "startTime": 1750719183935511, - "duration": 1787278, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." + "key": "message.content_length", + "type": "int64", + "value": 0 }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "e5208ead-c9bf-4312-aac1-a965a877659e" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "fffa0b2d046cf310", - "operationName": "invoke_agent Manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0d5cf3f5982d2b4c" - } - ], - "startTime": 1750719185722973, - "duration": 797036, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "e5208ead-c9bf-4312-aac1-a965a877659e" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8b7206a1b586127c", - "operationName": "execute_tool PlanningPlugin-search_hotels", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" - } - ], - "startTime": 1750719187992817, - "duration": 104, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_tool" - }, - { - "key": "gen_ai.tool.call.id", - "type": "string", - "value": "call_0ceQ6pBa3N73HlxGzw48wpw7" - }, - { - "key": "gen_ai.tool.description", - "type": "string", - "value": "Search for available hotels." - }, - { - "key": "gen_ai.tool.name", - "type": "string", - "value": "PlanningPlugin-search_hotels" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.functions.kernel_function" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "1e0b5276a801ff95", - "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d7b25223c110cf42" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "aeab8d16af722d81" - } - ], - "startTime": 1750719200736617, - "duration": 81, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d42a44c6501480d1", - "operationName": "group_chat.agent.handle_response_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "24207081a2363ea3" - } - ], - "startTime": 1750719199203481, - "duration": 51, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "operation", - "type": "string", - "value": "handle_response_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "66e25123112f49fd", - "operationName": "agent_runtime ack", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "774ade7135297136" - } - ], - "startTime": 1750719183934938, - "duration": 19, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "receive" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "155212f626660b9a", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" - } - ], - "startTime": 1750719189452239, - "duration": 8, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "f666777dbe164260", - "operationName": "agent_receives_delegation", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "de731db6a9933e00" - } - ], - "startTime": 1750719200736753, - "duration": 8, - "tags": [ - { - "key": "agent.role", - "type": "string", - "value": "unknown" - }, - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "flight_agent" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "receive_delegation" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "requested_agent", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7fc6be08c8557819", - "operationName": "AutoFunctionInvocationLoop", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ddd12d4e86de200a" - } - ], - "startTime": 1750719203067310, - "duration": 644223, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" - }, - { - "key": "sk.available_functions", - "type": "string", - "value": "" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "499d30b9938e0e5c", - "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7ddaef61dc3754f6" - } - ], - "startTime": 1750719206410764, - "duration": 105, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatResponseMessage" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "create" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "861e4096e81cbf63", - "operationName": "agent_runtime process GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "569fb5d292df3dc0" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "613ea6988100f755" - } - ], - "startTime": 1750719183935219, - "duration": 2585048, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "fb567c4423a544d8", - "operationName": "chat.streaming_completions gpt-4.1-nano", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" - } - ], - "startTime": 1750719189452297, - "duration": 2935184, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.streaming_completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4.1-nano" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.TOOL_CALLS" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BlkKDyBoKmhIE5gLQbFsyxmLMw3gp" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 640 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 563 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "facacb59728127d4", - "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "246fce37cce5e508" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d72a823b8b78af15" - } - ], - "startTime": 1750719186520512, - "duration": 8122683, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d7b25223c110cf42", - "operationName": "agent_runtime publish b1ad86b53380453fb3c6ccaa4245309e.(default)-T", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "aeab8d16af722d81" - } - ], - "startTime": 1750719200736474, - "duration": 2305422, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "publish" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "67036ddf93ecf718", - "operationName": "result_processing", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ba83a9b1b95c5efc" - } - ], - "startTime": 1750719183933390, - "duration": 24323117, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "read" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "task_result" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "memory.result_retrieved", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "result.length", - "type": "int64", - "value": 612 - }, - { - "key": "result.success", - "type": "bool", - "value": true - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "a689efec7fd476d3", - "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9982a265297ba185" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "499d30b9938e0e5c" - } - ], - "startTime": 1750719206424626, - "duration": 144, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "fadf2198958b3e76", - "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9982a265297ba185" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "499d30b9938e0e5c" - } - ], - "startTime": 1750719206424809, - "duration": 610, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7ddaef61dc3754f6", - "operationName": "group_chat.manager.determine_state_and_take_action", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9c1b08793e30277b" - } - ], - "startTime": 1750719203042301, - "duration": 5213745, - "tags": [ - { - "key": "chat_history.message_count", - "type": "int64", - "value": 6 - }, - { - "key": "manager.current_round", - "type": "int64", - "value": 2 - }, - { - "key": "manager_type", - "type": "string", - "value": "AgentBaseGroupChatManager" - }, - { - "key": "operation", - "type": "string", - "value": "determine_state_and_take_action" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b2d493d88a87bf4a", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" - } - ], - "startTime": 1750719187993130, - "duration": 6, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "814c64c1fa2e4809", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" - } - ], - "startTime": 1750719192393105, - "duration": 8, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ef97b2acf6728f73", - "operationName": "human_in_the_loop", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6576d1cb6dd7b459" - } - ], - "startTime": 1750719196208302, - "duration": 2979345, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7f870a2e2ae08b4f", - "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6576d1cb6dd7b459" - } - ], - "startTime": 1750719199188245, - "duration": 130, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatResponseMessage" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "create" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6576d1cb6dd7b459", - "operationName": "group_chat.manager.determine_state_and_take_action", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "fdaa85af83a98316" - } - ], - "startTime": 1750719194643958, - "duration": 6091874, - "tags": [ - { - "key": "chat_history.message_count", - "type": "int64", - "value": 3 - }, - { - "key": "manager.current_round", - "type": "int64", - "value": 1 - }, - { - "key": "manager_type", - "type": "string", - "value": "AgentBaseGroupChatManager" - }, - { - "key": "operation", - "type": "string", - "value": "determine_state_and_take_action" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "751549eb75ecb8ec", - "operationName": "chat.streaming_completions gpt-4.1-nano", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9d913b2bd21673ca" - } - ], - "startTime": 1750719200737184, - "duration": 1578195, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.streaming_completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4.1-nano" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.TOOL_CALLS" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BlkKPvuS6kvOC9NtqNSIFPsaeeHXU" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 1090 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 67 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "2e7f3fd672d4ebb9", - "operationName": "human_in_the_loop", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7ddaef61dc3754f6" - } - ], - "startTime": 1750719203725979, - "duration": 2684305, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "33b43d71ff714548", - "operationName": "invoke_agent Manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7ddaef61dc3754f6" - } - ], - "startTime": 1750719206422303, - "duration": 606078, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "e5208ead-c9bf-4312-aac1-a965a877659e" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "db9755fde691c573", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" - } - ], - "startTime": 1750719194628453, - "duration": 9, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d31546d93e488a6b", - "operationName": "chat.completions gpt-4.1-nano", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7fc6be08c8557819" - } - ], - "startTime": 1750719203067336, - "duration": 644187, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4.1-nano" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.STOP" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BlkKRfAQUsXd95aVRzgz7pL95HaFV" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 1248 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 49 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "22c86a29d46f4813", - "operationName": "agent_receives_delegation", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "3579f8fedff9c20f" - } - ], - "startTime": 1750719186520541, - "duration": 11, - "tags": [ - { - "key": "agent.role", - "type": "string", - "value": "unknown" - }, - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "planner" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "receive_delegation" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "requested_agent", - "type": "string", - "value": "planner" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8869d94d2023cc05", - "operationName": "group_chat.agent.invoke", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "5acd5bdf329c17d6" - } - ], - "startTime": 1750719186521747, - "duration": 37, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "execution.duration_seconds", - "type": "float64", - "value": 0 - }, - { - "key": "operation", - "type": "string", - "value": "invoke" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "2c2675188eaa3414", - "operationName": "agent_receives_peer_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d3ec4ab3a7081f6e" - } - ], - "startTime": 1750719194643805, - "duration": 8, - "tags": [ - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "planner" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "receive_peer_message" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "message.role", - "type": "string", - "value": "AuthorRole.ASSISTANT" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "4c2bb9acd068856a", - "operationName": "agent_receives_delegation", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d319764097eb52c7" - } - ], - "startTime": 1750719200736838, - "duration": 8, - "tags": [ - { - "key": "agent.role", - "type": "string", - "value": "unknown" - }, - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "receive_delegation" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "requested_agent", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "935eb40a11528bc0", - "operationName": "invoke_agent Manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0abc4bcd2c82d00c" - } - ], - "startTime": 1750719207047868, - "duration": 1207609, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "e5208ead-c9bf-4312-aac1-a965a877659e" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "5d1bba616aaffd28", - "operationName": "orchestration_setup", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" - } - ], - "startTime": 1750719183896453, - "duration": 34570, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_task" - }, - { - "key": "gen_ai.task.description", - "type": "string", - "value": "Setup group chat orchestration" - }, - { - "key": "gen_ai.task.id", - "type": "string", - "value": "orchestration_setup_001" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0d5cf3f5982d2b4c", - "operationName": "agent_selection_planning", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c2e4d9ce1bab9543" - } - ], - "startTime": 1750719185722907, - "duration": 797119, - "tags": [ - { - "key": "agent.selection.available_agents", - "type": "string", - "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" - }, - { - "key": "agent.selection.conversation_length", - "type": "int64", - "value": 1 - }, - { - "key": "agent.selection.reasoning", - "type": "string", - "value": "The planner should speak next to create a comprehensive travel plan after the initial assessment of budget and flight options provided by the flight_agent. This will ensure cohesive integration of all travel elements including hotels and activities." - }, - { - "key": "agent.selection.selected", - "type": "string", - "value": "planner" - }, - { - "key": "agent.selection.total_participants", - "type": "int64", - "value": 3 - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "plan_task" - }, - { - "key": "gen_ai.planning.complexity", - "type": "string", - "value": "moderate" - }, - { - "key": "gen_ai.planning.stage", - "type": "string", - "value": "agent_coordination" - }, - { - "key": "gen_ai.planning.type", - "type": "string", - "value": "plan_task" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "planning.decision", - "type": "string", - "value": "agent_selected" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d3314802b716fbe3", - "operationName": "group_chat.agent.handle_response_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "5248ab6bbd7a5cd5" - } - ], - "startTime": 1750719194643642, - "duration": 88, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "flight_agent" - }, - { - "key": "operation", - "type": "string", - "value": "handle_response_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d25c353e4a6e3715", - "operationName": "manager_delegation_decision", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6576d1cb6dd7b459" - } - ], - "startTime": 1750719200735816, - "duration": 9, - "tags": [ - { - "key": "chat_history.message_count_after", - "type": "int64", - "value": 4 - }, - { - "key": "chat_history.message_count_before", - "type": "int64", - "value": 3 - }, - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "delegation_decision" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "manager.current_round", - "type": "int64", - "value": 1 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d235e1a6e9a09a6e", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" - } - ], - "startTime": 1750719187993037, - "duration": 9, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "e2cfb14c77d9ee49", - "operationName": "group_chat.agent.handle_start_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "53df41aa630ff104" - } - ], - "startTime": 1750719183934495, - "duration": 34, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "flight_agent" - }, - { - "key": "operation", - "type": "string", - "value": "handle_start_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "1a3c19fc641b2348", - "operationName": "group_chat.orchestration.start", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ba83a9b1b95c5efc" - } - ], - "startTime": 1750719183933457, - "duration": 2588455, - "tags": [ - { - "key": "manager_type", - "type": "string", - "value": "AgentBaseGroupChatManager" - }, - { - "key": "operation", - "type": "string", - "value": "start" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "otel.status_code", - "type": "string", - "value": "OK" - }, - { - "key": "participant_count", - "type": "int64", - "value": 3 - }, - { - "key": "participants", - "type": "string", - "value": "planner,flight_agent,hotel_agent" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c884cce505e2c571", - "operationName": "agent_runtime send flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "86ce72fda7074273" - } - ], - "startTime": 1750719183934385, - "duration": 169, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "publish" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "bcc90ed49d08da01", - "operationName": "chat.completions gpt-4.1-nano", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "4535f930505451c8" - } - ], - "startTime": 1750719185723172, - "duration": 796786, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4.1-nano" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.STOP" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BlkK9ywStWoWs6OxZQpbyV1ctlo7d" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 283 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 49 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "a9b4d525be3b617c", - "operationName": "invoke_agent Manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "a40afbc0da5baba4" - } - ], - "startTime": 1750719194669362, - "duration": 1527456, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "e5208ead-c9bf-4312-aac1-a965a877659e" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "630bd61f8b20fb41", - "operationName": "chat.completions gpt-4.1-nano", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c4509302860ced2b" - } - ], - "startTime": 1750719207048066, - "duration": 1207363, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4.1-nano" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.STOP" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BlkKV16Fv9sg30bP3pVSFGrQ0FbiX" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 1250 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 164 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0bba02c2a6a2c594", - "operationName": "invoke_agent planner", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "3579f8fedff9c20f" - } - ], - "startTime": 1750719186520588, - "duration": 8107923, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "Creates comprehensive travel plans including flights, hotels, and activities" - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "1f5f80f8-4b35-49b7-94e1-3bc9a2d80095" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "planner" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d3ec4ab3a7081f6e", - "operationName": "group_chat.agent.handle_response_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "433eff0ff37e2ec3" - } - ], - "startTime": 1750719194643782, - "duration": 62, - "tags": [ - { - "key": "agent.id", - "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" - }, - { - "key": "agent.name", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "operation", - "type": "string", - "value": "handle_response_message" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "af0b7d38fbd3fb04", - "operationName": "manager_receives_agent_response", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "fdaa85af83a98316" - } - ], - "startTime": 1750719194643913, - "duration": 9, - "tags": [ - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "planner" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "receive_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "message.role", - "type": "string", - "value": "AuthorRole.ASSISTANT" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ebf4ed96eec3bcb9", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9d913b2bd21673ca" - } - ], - "startTime": 1750719202316719, - "duration": 9, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b67e1aad2d0195ed", - "operationName": "agent_runtime process planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "5e6ce04adf19c723" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0e5e7a5a5cb8af79" - } - ], - "startTime": 1750719203041981, - "duration": 115, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "planner_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "2c7f3416fbe67186", - "operationName": "agent_receives_peer_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d42a44c6501480d1" - } - ], - "startTime": 1750719199203494, - "duration": 16, - "tags": [ - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "receive_peer_message" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "message.role", - "type": "string", - "value": "AuthorRole.USER" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "94066726ed3e2677", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" - } - ], - "startTime": 1750719194060577, - "duration": 19, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 1018 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "e9b8c0a950c74da6", - "operationName": "agent_runtime process flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ab4c4679922a7a11" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "7f870a2e2ae08b4f" - } - ], - "startTime": 1750719199203354, - "duration": 81, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "059b3fdbbb6a5323", - "operationName": "agent_receives_delegation", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "41b33e6293b46fb0" - } - ], - "startTime": 1750719200736656, - "duration": 13, - "tags": [ - { - "key": "agent.role", - "type": "string", - "value": "unknown" - }, - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "planner" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "receive_delegation" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "requested_agent", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "537e0754346e04a5", - "operationName": "agent_responds_to_manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "41b33e6293b46fb0" - } - ], - "startTime": 1750719200736682, - "duration": 8, - "tags": [ - { - "key": "agent.role", - "type": "string", - "value": "unknown" - }, - { - "key": "execution.duration_seconds", - "type": "float64", - "value": 0.0000011920928955078125 - }, - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "planner" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "send_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "5c830b08b1acb6b1", - "operationName": "manager_receives_agent_response", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9c1b08793e30277b" - } - ], - "startTime": 1750719203042262, - "duration": 9, - "tags": [ - { - "key": "gen_ai.interaction.source_agent", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "gen_ai.interaction.target_agent", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.interaction.type", - "type": "string", - "value": "receive_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" - }, - { - "key": "message.role", - "type": "string", - "value": "AuthorRole.ASSISTANT" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "4e42034cceef855f", - "operationName": "agent_runtime ack", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c884cce505e2c571" - } - ], - "startTime": 1750719183934867, - "duration": 16, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "receive" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6f5eacc93743e69b", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" - } - ], - "startTime": 1750719189452182, - "duration": 14, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 764 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "cbf94ffaaadc89f7", - "operationName": "execute_tool PlanningPlugin-search_flights", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" - } - ], - "startTime": 1750719194060151, - "duration": 183, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_tool" - }, - { - "key": "gen_ai.tool.call.id", - "type": "string", - "value": "call_5xkdNAN3YSYX3ObrZilTRWx7" - }, - { - "key": "gen_ai.tool.description", - "type": "string", - "value": "Search for available flights." - }, - { - "key": "gen_ai.tool.name", - "type": "string", - "value": "PlanningPlugin-search_flights" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.functions.kernel_function" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "f78ca14efc456a9c", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" - } - ], - "startTime": 1750719194060770, - "duration": 24, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "05588013a287c8bb", - "operationName": "agent_selection_planning", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6576d1cb6dd7b459" - } - ], - "startTime": 1750719200058354, - "duration": 676771, - "tags": [ - { - "key": "agent.selection.available_agents", - "type": "string", - "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" - }, - { - "key": "agent.selection.conversation_length", - "type": "int64", - "value": 4 - }, - { - "key": "agent.selection.reasoning", - "type": "string", - "value": "Since the flight arrangements have been roughly outlined, the next logical step is to finalize the hotel bookings, which falls under the hotel_agent's specialization." - }, - { - "key": "agent.selection.selected", - "type": "string", - "value": "hotel_agent" - }, - { - "key": "agent.selection.total_participants", - "type": "int64", - "value": 3 - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "plan_task" - }, - { - "key": "gen_ai.planning.complexity", - "type": "string", - "value": "moderate" - }, - { - "key": "gen_ai.planning.stage", - "type": "string", - "value": "agent_coordination" - }, - { - "key": "gen_ai.planning.type", - "type": "string", - "value": "plan_task" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "planning.decision", - "type": "string", - "value": "agent_selected" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "f5b48431595f0cd0", - "operationName": "chat.completions gpt-4.1-nano", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "84ec7d0c1540e8c4" - } - ], - "startTime": 1750719199201241, - "duration": 818509, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4.1-nano" - }, - { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.STOP" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-BlkKNnLtceWCLrzvGMiVpUP3QBCF3" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 1164 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 52 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "306770e1c47a59ca", - "operationName": "invoke_agent Manager", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6576d1cb6dd7b459" - } - ], - "startTime": 1750719199200564, - "duration": 819229, - "tags": [ - { - "key": "gen_ai.agent.description", - "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." - }, - { - "key": "gen_ai.agent.id", - "type": "string", - "value": "e5208ead-c9bf-4312-aac1-a965a877659e" - }, - { - "key": "gen_ai.agent.name", - "type": "string", - "value": "Manager" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "invoke_agent" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ffa54e82809ac830", - "operationName": "execute_tool HotelPlugin-book_hotel", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9d913b2bd21673ca" - } - ], - "startTime": 1750719202316543, - "duration": 73, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_tool" - }, - { - "key": "gen_ai.tool.call.id", - "type": "string", - "value": "call_mNfKHIhQEhK5zzMHnrZMNq8J" - }, - { - "key": "gen_ai.tool.description", - "type": "string", - "value": "Book a specific hotel." - }, - { - "key": "gen_ai.tool.name", - "type": "string", - "value": "HotelPlugin-book_hotel" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.functions.kernel_function" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "863196c93740c7a9", - "operationName": "agent_runtime ack", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "57f0209f8ecd3f75" - } - ], - "startTime": 1750719183934792, - "duration": 22, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "receive" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "82fb8dd142205805", - "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "774ade7135297136" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "b600ce34d81b97fe" - } - ], - "startTime": 1750719183934677, - "duration": 39, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "5acd5bdf329c17d6", - "operationName": "agent_runtime process hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "246fce37cce5e508" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d72a823b8b78af15" - } - ], - "startTime": 1750719186521737, - "duration": 50, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "process" + { + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "__main__" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -7894,28 +5400,28 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "613ea6988100f755", - "operationName": "agent_runtime create GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "a607885774edeee4", + "operationName": "agent_runtime create 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "1a3c19fc641b2348" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e74d32046b225772" } ], - "startTime": 1750719183935051, - "duration": 2586846, + "startTime": 1750803450233713, + "duration": 12656, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "GroupChatManagerActor_b1ad86b53380453fb3c6ccaa4245309e.(default)-A" + "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" }, { "key": "messaging.message.type", "type": "string", - "value": "GroupChatStartMessage" + "value": "GroupChatResponseMessage" }, { "key": "messaging.operation", @@ -7938,92 +5444,128 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0e5e7a5a5cb8af79", - "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "d951c978b728f438", + "operationName": "group_chat_agent_message.handle_start_message", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d319764097eb52c7" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "6ee5fd7ce824f347" } ], - "startTime": 1750719203040812, - "duration": 642, + "startTime": 1750803428800910, + "duration": 58, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" + "value": "Creates comprehensive travel plans including flights, hotels, and activities" }, { - "key": "messaging.message.type", + "key": "gen_ai.agent.id", "type": "string", - "value": "GroupChatResponseMessage" + "value": "22aff641-081c-4ef3-a073-b15ff7662eb1" }, { - "key": "messaging.operation", + "key": "gen_ai.agent.name", "type": "string", - "value": "create" + "value": "planner" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "group_chat_agent_message.handle_start_message" + }, + { + "key": "group_chat.component", + "type": "string", + "value": "agent_message_handler" + }, + { + "key": "group_chat.operation", + "type": "string", + "value": "handle_start_message" + }, + { + "key": "operation.no_result", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" + } + ], + "logs": [ + { + "timestamp": 1750803428800922, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.conversation_start" + }, + { + "key": "event.type", + "type": "string", + "value": "conversation_initialization" + }, + { + "key": "operation.phase", + "type": "string", + "value": "start" + } + ] } ], - "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "d319764097eb52c7", - "operationName": "group_chat.agent.invoke", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "c6fce3ff4a74270c", + "operationName": "agent_runtime create flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0f0867ac1f28339f" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "9650d55c794929ad" } ], - "startTime": 1750719200736824, - "duration": 2304670, + "startTime": 1750803428800540, + "duration": 998, "tags": [ { - "key": "agent.id", + "key": "messaging.destination", "type": "string", - "value": "hotel_agent_b1ad86b53380453fb3c6ccaa4245309e/default" + "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { - "key": "agent.name", + "key": "messaging.message.type", "type": "string", - "value": "hotel_agent" - }, - { - "key": "execution.duration_seconds", - "type": "float64", - "value": 2.3046112060546875 + "value": "GroupChatStartMessage" }, { - "key": "operation", + "key": "messaging.operation", "type": "string", - "value": "invoke" + "value": "create" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "agent_runtime InProcessRuntime" }, { "key": "span.kind", "type": "string", - "value": "internal" + "value": "producer" } ], "logs": [], @@ -8031,48 +5573,53 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "2c236497c33779ac", - "operationName": "agent_receives_peer_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "3684ec4db33226d9", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8f55b07c65c51820" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719203042032, + "startTime": 1750803436393828, "duration": 10, "tags": [ { - "key": "gen_ai.interaction.source_agent", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "hotel_agent" + "value": "write" }, { - "key": "gen_ai.interaction.target_agent", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "planner" + "value": "streaming_response" }, { - "key": "gen_ai.interaction.type", + "key": "gen_ai.operation.name", "type": "string", - "value": "receive_peer_message" + "value": "memory_operation" }, { - "key": "gen_ai.operation.name", + "key": "message.agent_name", "type": "string", - "value": "agent_to_agent_interaction" + "value": "planner" }, { - "key": "message.role", - "type": "string", - "value": "AuthorRole.ASSISTANT" + "key": "message.content_length", + "type": "int64", + "value": 0 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" }, { "key": "span.kind", @@ -8085,43 +5632,68 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd", - "operationName": "travel_planning_session", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "5a6b6a1db7c63734", + "operationName": "chat.streaming_completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "f87789ebf5e5512c" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719183782397, - "duration": 24474282, + "startTime": 1750803436393938, + "duration": 3853708, "tags": [ { - "key": "conversation.id", + "key": "gen_ai.operation.name", "type": "string", - "value": "conv_enhanced_001" + "value": "chat.streaming_completions" }, { - "key": "otel.scope.name", + "key": "gen_ai.request.model", "type": "string", - "value": "__main__" + "value": "gpt-4.1-mini" }, { - "key": "session.type", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "enhanced_multi_agent_demo" + "value": "FinishReason.TOOL_CALLS" }, { - "key": "span.kind", + "key": "gen_ai.response.id", "type": "string", - "value": "internal" + "value": "chatcmpl-Bm6F254CgqoV3JDadBfYNNgi7lhfF" }, { - "key": "user.id", + "key": "gen_ai.system", "type": "string", - "value": "demo_user_enhanced" + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 620 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 369 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" } ], "logs": [], @@ -8129,53 +5701,63 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "1e9327ee5b3d1b8d", - "operationName": "agent_responds_to_manager", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "a58df601f69b7849", + "operationName": "chat.streaming_completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "47eef6739fa42228" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719186521695, - "duration": 8, + "startTime": 1750803440255816, + "duration": 9959381, "tags": [ { - "key": "agent.role", + "key": "gen_ai.operation.name", "type": "string", - "value": "unknown" + "value": "chat.streaming_completions" }, { - "key": "execution.duration_seconds", - "type": "float64", - "value": 9.5367431640625e-7 + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-mini" }, { - "key": "gen_ai.interaction.source_agent", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "flight_agent" + "value": "FinishReason.STOP" }, { - "key": "gen_ai.interaction.target_agent", + "key": "gen_ai.response.id", "type": "string", - "value": "Manager" + "value": "chatcmpl-Bm6F6D9G1BP2O84ZcIsNxkzE5F0b2" }, { - "key": "gen_ai.interaction.type", + "key": "gen_ai.system", "type": "string", - "value": "send_response" + "value": "openai" }, { - "key": "gen_ai.operation.name", - "type": "string", - "value": "agent_to_agent_interaction" + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 963 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 1058 }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -8188,58 +5770,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "3251f0f0d46b877a", - "operationName": "streaming_message_final", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "20da664b34af6677", + "operationName": "agent_runtime publish 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "7c63fec3d33969e2" } ], - "startTime": 1750719192393059, - "duration": 13, + "startTime": 1750803456643032, + "duration": 570, "tags": [ { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", + "key": "messaging.destination", "type": "string", - "value": "memory_operation" + "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" }, { - "key": "message.agent_name", + "key": "messaging.operation", "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true + "value": "publish" }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "agent_runtime InProcessRuntime" }, { "key": "span.kind", "type": "string", - "value": "internal" + "value": "producer" } ], "logs": [], @@ -8247,28 +5814,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "a232dc0dac1cb274", - "operationName": "streaming_message_final", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "6c5010a16fcdc78b", + "operationName": "memory_operation_summary", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "f39de0bd24092b1f" } ], - "startTime": 1750719194628392, - "duration": 16, + "startTime": 1750803458224326, + "duration": 1913500, "tags": [ + { + "key": "conversation.message_count", + "type": "int64", + "value": 4 + }, + { + "key": "gen_ai.memory.memory_type", + "type": "string", + "value": "working" + }, { "key": "gen_ai.memory.operation_type", "type": "string", "value": "write" }, + { + "key": "gen_ai.memory.size_bytes", + "type": "int64", + "value": 1266706 + }, { "key": "gen_ai.memory.source_type", "type": "string", - "value": "streaming_response" + "value": "conversation_summary" }, { "key": "gen_ai.operation.name", @@ -8276,20 +5858,20 @@ "value": "memory_operation" }, { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 + "key": "memory.result_processed", + "type": "bool", + "value": true }, { - "key": "message.processing_complete", + "key": "memory.summary_generated", "type": "bool", "value": true }, + { + "key": "memory.summary_length", + "type": "int64", + "value": 714 + }, { "key": "otel.scope.name", "type": "string", @@ -8306,127 +5888,118 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "ba83a9b1b95c5efc", - "operationName": "comprehensive_task_execution", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "696094b036dc4093", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "92ccc2209d08c0fd" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719183931091, - "duration": 24325423, + "startTime": 1750803432701315, + "duration": 21, "tags": [ { - "key": "gen_ai.operation.name", - "type": "string", - "value": "execute_task" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "semantic_kernel_multi_agent" - }, - { - "key": "gen_ai.task.assigned_agents", - "type": "string", - "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" - }, - { - "key": "gen_ai.task.constraints", - "type": "string", - "value": "[\"budget:5000\",\"duration:5_days\",\"travelers:4\",\"dietary:vegetarian\"]" - }, - { - "key": "gen_ai.task.description", - "type": "string", - "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." - }, - { - "key": "gen_ai.task.expected_output", - "type": "string", - "value": "Complete travel plan with bookings" - }, - { - "key": "gen_ai.task.id", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "bali_trip_planning_001" + "value": "write" }, { - "key": "gen_ai.task.status", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "completed" + "value": "streaming_response" }, { - "key": "otel.scope.name", + "key": "gen_ai.operation.name", "type": "string", - "value": "__main__" + "value": "memory_operation" }, { - "key": "span.kind", + "key": "message.agent_name", "type": "string", - "value": "internal" + "value": "planner" }, { - "key": "task.budget", + "key": "message.content_length", "type": "int64", - "value": 5000 + "value": 0 }, { - "key": "task.destination", - "type": "string", - "value": "Bali" + "key": "message.processing_complete", + "type": "bool", + "value": true }, { - "key": "task.duration_days", - "type": "int64", - "value": 5 + "key": "otel.scope.name", + "type": "string", + "value": "__main__" }, { - "key": "task.expected_tool_usage", + "key": "span.kind", "type": "string", - "value": "[\"flight_search\",\"hotel_search\",\"planning_tools\"]" - }, + "value": "internal" + } + ], + "logs": [ { - "key": "task.travelers", - "type": "int64", - "value": 4 + "timestamp": 1750803432701333, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.tool.calls" + }, + { + "key": "agent", + "type": "string", + "value": "planner" + }, + { + "key": "tool.call_count", + "type": "int64", + "value": 1 + }, + { + "key": "tool.calls", + "type": "string", + "value": "[{\"function\": \"PlanningPlugin-get_weather\", \"arguments\": \"{\\\"location\\\":\\\"Bali\\\"}\"}]" + } + ] } ], - "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "aeab8d16af722d81", - "operationName": "agent_runtime create b1ad86b53380453fb3c6ccaa4245309e.(default)-T", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "953a3f2ad48d5223", + "operationName": "agent_runtime send hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "6576d1cb6dd7b459" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "c52145caf326ded7" } ], - "startTime": 1750719200735721, - "duration": 74, + "startTime": 1750803428801239, + "duration": 131, "tags": [ { "key": "messaging.destination", "type": "string", - "value": "b1ad86b53380453fb3c6ccaa4245309e.(default)-T" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatRequestMessage" + "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" }, { "key": "messaging.operation", "type": "string", - "value": "create" + "value": "publish" }, { "key": "otel.scope.name", @@ -8444,43 +6017,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "e71d7d9622f243c6", - "operationName": "group_chat.agent.handle_response_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "c70e8e803a4ce35e", + "operationName": "agent_runtime ack", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "e9b8c0a950c74da6" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "953a3f2ad48d5223" } ], - "startTime": 1750719199203370, - "duration": 60, + "startTime": 1750803428801566, + "duration": 15, "tags": [ { - "key": "agent.id", - "type": "string", - "value": "flight_agent_b1ad86b53380453fb3c6ccaa4245309e/default" - }, - { - "key": "agent.name", + "key": "messaging.destination", "type": "string", - "value": "flight_agent" + "value": "" }, { - "key": "operation", + "key": "messaging.operation", "type": "string", - "value": "handle_response_message" + "value": "receive" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "agent_runtime InProcessRuntime" }, { "key": "span.kind", "type": "string", - "value": "internal" + "value": "consumer" } ], "logs": [], @@ -8488,18 +6061,18 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "e39598bce0383c79", - "operationName": "chat.streaming_completions gpt-4.1-nano", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "ce6ef537e5697399", + "operationName": "chat.streaming_completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9d913b2bd21673ca" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719202316839, - "duration": 723328, + "startTime": 1750803431457632, + "duration": 1242152, "tags": [ { "key": "gen_ai.operation.name", @@ -8509,17 +6082,17 @@ { "key": "gen_ai.request.model", "type": "string", - "value": "gpt-4.1-nano" + "value": "gpt-4.1-mini" }, { "key": "gen_ai.response.finish_reason", "type": "string", - "value": "FinishReason.STOP" + "value": "FinishReason.TOOL_CALLS" }, { "key": "gen_ai.response.id", "type": "string", - "value": "chatcmpl-BlkKQkVsWRLBXHFzVYyfQvETd9wvB" + "value": "chatcmpl-Bm6EyZ2gpDxDn1IvUapTsnkBQHus6" }, { "key": "gen_ai.system", @@ -8529,12 +6102,12 @@ { "key": "gen_ai.usage.input_tokens", "type": "int64", - "value": 1214 + "value": 236 }, { "key": "gen_ai.usage.output_tokens", "type": "int64", - "value": 66 + "value": 19 }, { "key": "otel.scope.name", @@ -8544,7 +6117,56 @@ { "key": "server.address", "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "574f2c75097411bf", + "operationName": "invoke_agent Manager", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "769c439f0d8b8db6" + } + ], + "startTime": 1750803430623889, + "duration": 831563, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "ac6d30f4-5249-41d1-b228-af3820bf0075" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", @@ -8557,18 +6179,18 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9d913b2bd21673ca", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948", "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "0de9986a4f721ab4" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "c5bc8639188c4774" } ], - "startTime": 1750719200737161, - "duration": 2303017, + "startTime": 1750803431457568, + "duration": 18757662, "tags": [ { "key": "otel.scope.name", @@ -8578,7 +6200,7 @@ { "key": "sk.available_functions", "type": "string", - "value": "HotelPlugin-book_hotel" + "value": "PlanningPlugin-get_weather,PlanningPlugin-search_flights,PlanningPlugin-search_hotels" }, { "key": "span.kind", @@ -8591,18 +6213,18 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "c4509302860ced2b", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "0e52d2924a3c7bd3", "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "935eb40a11528bc0" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "add2e0576dbe1cf8" } ], - "startTime": 1750719207048046, - "duration": 1207394, + "startTime": 1750803450272874, + "duration": 1363769, "tags": [ { "key": "otel.scope.name", @@ -8625,17 +6247,28 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "f87789ebf5e5512c", - "operationName": "main", - "references": [], - "startTime": 1750719183782327, - "duration": 24474364, + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "0cdd26e935a3fc9b", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "d4a85064694beb23" + } + ], + "startTime": 1750803456641422, + "duration": 1544114, "tags": [ { "key": "otel.scope.name", "type": "string", - "value": "samples.demos.travel_planning_system.observability" + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" }, { "key": "span.kind", @@ -8648,58 +6281,87 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "cd4d78495dea2b6c", - "operationName": "streaming_message_final", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "eaf522d3e4b6ad19", + "operationName": "agent_runtime ack", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "9d913b2bd21673ca" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" + }, + { + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e4af34711be412f4" } ], - "startTime": 1750719202316808, - "duration": 6, + "startTime": 1750803428801428, + "duration": 17, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "messaging.destination", "type": "string", - "value": "write" + "value": "" }, { - "key": "gen_ai.memory.source_type", + "key": "messaging.operation", "type": "string", - "value": "streaming_response" + "value": "receive" }, { - "key": "gen_ai.operation.name", + "key": "otel.scope.name", "type": "string", - "value": "memory_operation" + "value": "agent_runtime InProcessRuntime" }, { - "key": "message.agent_name", + "key": "span.kind", "type": "string", - "value": "hotel_agent" + "value": "consumer" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "dd1280a06989d59f", + "operationName": "agent_runtime ack", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "2417bfd0274ee874" }, { - "key": "message.content_length", - "type": "int64", - "value": 0 + "refType": "FOLLOWS_FROM", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "7f480d12c5ea7465" + } + ], + "startTime": 1750803428801498, + "duration": 17, + "tags": [ + { + "key": "messaging.destination", + "type": "string", + "value": "" }, { - "key": "message.processing_complete", - "type": "bool", - "value": true + "key": "messaging.operation", + "type": "string", + "value": "receive" }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "agent_runtime InProcessRuntime" }, { "key": "span.kind", "type": "string", - "value": "internal" + "value": "consumer" } ], "logs": [], @@ -8707,53 +6369,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "bd8584e3fca9a319", - "operationName": "agent_responds_to_manager", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "86dfd7c1fbd0c4e4", + "operationName": "execute_tool PlanningPlugin-get_weather", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "de731db6a9933e00" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "e528878c7e3cb948" } ], - "startTime": 1750719200736772, - "duration": 8, + "startTime": 1750803432700976, + "duration": 183, "tags": [ { - "key": "agent.role", - "type": "string", - "value": "unknown" - }, - { - "key": "execution.duration_seconds", - "type": "float64", - "value": 0 - }, - { - "key": "gen_ai.interaction.source_agent", + "key": "gen_ai.operation.name", "type": "string", - "value": "flight_agent" + "value": "execute_tool" }, { - "key": "gen_ai.interaction.target_agent", + "key": "gen_ai.tool.call.id", "type": "string", - "value": "Manager" + "value": "call_DYKcvXsmTVfdXfKgN01xCSSB" }, { - "key": "gen_ai.interaction.type", + "key": "gen_ai.tool.description", "type": "string", - "value": "send_response" + "value": "Get weather information for a location." }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.tool.name", "type": "string", - "value": "agent_to_agent_interaction" + "value": "PlanningPlugin-get_weather" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", @@ -8766,38 +6418,53 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "e54a8dc1a2a58d38", - "operationName": "agent_receives_peer_message", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "9a6d4f1dd1474958", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "a28bbb0a148335cc" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "0b5e6ec8278703cc" } ], - "startTime": 1750719199203250, - "duration": 31, + "startTime": 1750803450247493, + "duration": 53, "tags": [ { - "key": "gen_ai.interaction.target_agent", + "key": "gen_ai.agent.description", "type": "string", - "value": "planner" + "value": "Specializes in hotel booking" }, { - "key": "gen_ai.interaction.type", + "key": "gen_ai.agent.id", + "type": "string", + "value": "c1e9b819-1310-4733-b8c3-7c4db716a332" + }, + { + "key": "gen_ai.agent.name", "type": "string", - "value": "receive_peer_message" + "value": "hotel_agent" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "agent_to_agent_interaction" + "value": "group_chat_agent_message.handle_response_message" }, { - "key": "message.role", + "key": "group_chat.component", "type": "string", - "value": "AuthorRole.USER" + "value": "agent_message_handler" + }, + { + "key": "group_chat.operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "operation.no_result", + "type": "bool", + "value": true }, { "key": "otel.scope.name", @@ -8815,63 +6482,43 @@ "warnings": null }, { - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "8cb9c8796787e05d", - "operationName": "chat.streaming_completions gpt-4.1-nano", + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "af52548cb28d0bfa", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "80e1aa2406fef8e3bd590198c777b018", - "spanID": "514d1441cc6f8398" + "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "spanID": "6c5010a16fcdc78b" } ], - "startTime": 1750719187993174, - "duration": 1457072, + "startTime": 1750803458237552, + "duration": 1900139, "tags": [ { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.streaming_completions" - }, - { - "key": "gen_ai.request.model", + "key": "gen_ai.agent.description", "type": "string", - "value": "gpt-4.1-nano" + "value": "The manager of the group chat, responsible for coordinating the agents." }, { - "key": "gen_ai.response.finish_reason", + "key": "gen_ai.agent.id", "type": "string", - "value": "FinishReason.TOOL_CALLS" + "value": "ac6d30f4-5249-41d1-b228-af3820bf0075" }, { - "key": "gen_ai.response.id", + "key": "gen_ai.agent.name", "type": "string", - "value": "chatcmpl-BlkKCzVu55icg22Tz6mf6H98dcoAF" + "value": "Manager" }, { - "key": "gen_ai.system", + "key": "gen_ai.operation.name", "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 595 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 209 + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-nano/" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", diff --git a/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py b/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py index c920f40adeef..c55cceedcf0b 100644 --- a/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py +++ b/python/semantic_kernel/utils/telemetry/group_chat_diagnostics/decorators.py @@ -1,12 +1,14 @@ # Copyright (c) Microsoft. All rights reserved. import functools -import time -from collections.abc import Awaitable, Callable -from typing import ParamSpec, TypeVar +import json +from collections.abc import AsyncIterable, Awaitable, Callable +from typing import ParamSpec, TypeVar, cast + +from opentelemetry.trace import get_tracer -from opentelemetry.trace import Status, StatusCode, get_tracer from semantic_kernel.utils.feature_stage_decorator import experimental +from semantic_kernel.utils.telemetry.agent_diagnostics import gen_ai_attributes P = ParamSpec("P") T = TypeVar("T") @@ -17,179 +19,683 @@ @experimental def trace_group_chat_agent_message(operation_name: str): - """Decorator to trace group chat agent message handling.""" + """Decorator to trace group chat agent message operations with rich input/output.""" def decorator(func: Callable[P, Awaitable[T]]) -> Callable[P, Awaitable[T]]: @functools.wraps(func) async def wrapper(*args: P.args, **kwargs: P.kwargs) -> T: - agent_actor = args[0] # GroupChatAgentActor instance + agent_actor = args[0] if args else None - span_name = f"group_chat.agent.{operation_name}" - with tracer.start_as_current_span(span_name) as span: - span.set_attribute("agent.id", str(agent_actor.id)) - span.set_attribute("agent.name", agent_actor._agent.name) - span.set_attribute("operation", operation_name) + with tracer.start_as_current_span(f"group_chat_agent_message.{operation_name}") as span: + # Set basic operation attributes + span.set_attributes({ + gen_ai_attributes.OPERATION: f"group_chat_agent_message.{operation_name}", + "group_chat.operation": operation_name, + "group_chat.component": "agent_message_handler" + }) + + # Capture agent information + if agent_actor and hasattr(agent_actor, '_agent'): + agent = agent_actor._agent + span.set_attributes({ + gen_ai_attributes.AGENT_ID: agent.id, + gen_ai_attributes.AGENT_NAME: agent.name, + }) + if agent.description: + span.set_attribute(gen_ai_attributes.AGENT_DESCRIPTION, agent.description) + # Capture input context based on operation try: - if operation_name == "invoke": - # Add interaction span for receiving delegation from manager - message = args[1] if len(args) > 1 else None # GroupChatRequestMessage - - with tracer.start_as_current_span("agent_receives_delegation") as interaction_span: - interaction_span.set_attributes({ - "gen_ai.operation.name": "agent_to_agent_interaction", - "gen_ai.interaction.type": "receive_delegation", - "gen_ai.interaction.source_agent": "Manager", - "gen_ai.interaction.target_agent": agent_actor._agent.name, - "agent.role": getattr(agent_actor._agent, 'role', 'unknown'), - "requested_agent": getattr(message, 'agent_name', 'unknown') if message else 'unknown' - }) + if operation_name == "handle_start_message": + # This is the start of a conversation + span.add_event("group_chat.conversation_start", { + "event.type": "conversation_initialization", + "operation.phase": "start" + }) + elif operation_name == "handle_response_message": + # This is handling a response from another agent + message_context = args[1] if len(args) > 1 else kwargs.get('message_context') + if message_context and hasattr(message_context, 'message'): + msg = message_context.message + if hasattr(msg, 'content'): + input_content = str(msg.content)[:1000] + span.add_event("gen_ai.content.prompt", { + "gen_ai.prompt": input_content, + "input.message_type": "agent_response", + "input.source": "other_agent", + "group_chat.message_flow": "agent_to_agent" + }) + + # Capture message metadata + if hasattr(msg, 'role'): + span.set_attribute("input.message_role", str(msg.role)) + if hasattr(message_context, 'sender'): + span.set_attribute("input.sender", str(message_context.sender)) + elif operation_name == "invoke": + # This is the main invoke operation + span.add_event("group_chat.agent_invoke", { + "event.type": "agent_invocation", + "operation.phase": "invoke" + }) - start_time = time.time() - result = await func(*args, **kwargs) - duration = time.time() - start_time - span.set_attribute("execution.duration_seconds", duration) - - # Add interaction span for agent responding to manager - with tracer.start_as_current_span("agent_responds_to_manager") as interaction_span: - interaction_span.set_attributes({ - "gen_ai.operation.name": "agent_to_agent_interaction", - "gen_ai.interaction.type": "send_response", - "gen_ai.interaction.source_agent": agent_actor._agent.name, - "gen_ai.interaction.target_agent": "Manager", - "agent.role": getattr(agent_actor._agent, 'role', 'unknown'), - "execution.duration_seconds": duration + except Exception as e: + span.set_attribute("input.capture_error", str(e)) + + # Execute the function + result = await func(*args, **kwargs) + + # Capture output + try: + if result: + if hasattr(result, 'content'): + output_content = str(result.content)[:1000] + span.add_event("gen_ai.content.completion", { + "gen_ai.completion": output_content, + "output.message_type": "agent_decision", + "group_chat.output_type": operation_name }) - - return result - elif operation_name == "handle_response_message": - # Add interaction span for agent receiving messages from other agents - message = args[1] if len(args) > 1 else None # GroupChatResponseMessage - - with tracer.start_as_current_span("agent_receives_peer_message") as interaction_span: - interaction_span.set_attributes({ - "gen_ai.operation.name": "agent_to_agent_interaction", - "gen_ai.interaction.type": "receive_peer_message", - "gen_ai.interaction.source_agent": getattr(message.body, 'name', 'unknown') if message else 'unknown', - "gen_ai.interaction.target_agent": agent_actor._agent.name, - "message.role": str(message.body.role) if message else 'unknown' + elif isinstance(result, bool): + span.add_event("group_chat.decision", { + "decision.result": result, + "decision.operation": operation_name }) - result = await func(*args, **kwargs) - return result + span.set_attribute("operation.success", True) else: - result = await func(*args, **kwargs) - - span.set_status(Status(StatusCode.OK)) - return result + span.set_attribute("operation.no_result", True) + except Exception as e: - span.set_status(Status(StatusCode.ERROR, str(e))) - raise + span.set_attribute("output.capture_error", str(e)) + + return result - wrapper.__group_chat_diagnostics__ = True # type: ignore return wrapper return decorator -@experimental +@experimental def trace_group_chat_manager_message(operation_name: str): - """Decorator to trace group chat manager message handling.""" + """Enhanced decorator to trace group chat manager message operations with comprehensive input/output for Langfuse.""" def decorator(func: Callable[P, Awaitable[T]]) -> Callable[P, Awaitable[T]]: @functools.wraps(func) async def wrapper(*args: P.args, **kwargs: P.kwargs) -> T: - manager_actor = args[0] # GroupChatManagerActor instance + manager = args[0] if args else None - span_name = f"group_chat.manager.{operation_name}" - with tracer.start_as_current_span(span_name) as span: - span.set_attribute("operation", operation_name) - manager_type = type(manager_actor._manager).__name__ - span.set_attribute("manager_type", manager_type) + with tracer.start_as_current_span(f"group_chat_manager.{operation_name}") as span: + # Set basic operation attributes + span.set_attributes({ + gen_ai_attributes.OPERATION: f"group_chat_manager.{operation_name}", + "group_chat.operation": operation_name, + "group_chat.component": "manager", + "langfuse.operation": operation_name, + "langfuse.component": "group_chat_manager" + }) - if hasattr(manager_actor._manager, 'current_round'): - current_round = manager_actor._manager.current_round - span.set_attribute("manager.current_round", current_round) + # Capture manager information + if manager and hasattr(manager, 'name'): + span.set_attribute("manager.name", manager.name) + if manager and hasattr(manager, 'id'): + span.set_attribute("manager.id", str(manager.id)) - if hasattr(manager_actor, '_chat_history'): - msg_count = len(manager_actor._chat_history.messages) - span.set_attribute("chat_history.message_count", msg_count) + # ENHANCED: Comprehensive input context capture + try: + if operation_name == "determine_state_and_take_action": + # This is the key planning/coordination operation + span.add_event("group_chat.planning", { + "event.type": "coordination_planning", + "operation.phase": "planning", + "planning.type": "state_determination", + "langfuse.planning": True + }) + + # Capture complete conversation history for planning context + if hasattr(manager, '_chat_history') and manager._chat_history: + messages = manager._chat_history.messages + if messages: + # Capture recent conversation context (last 5 messages) + recent_messages = messages[-5:] if len(messages) > 5 else messages + conversation_context = "\n".join([ + f"{msg.role}: {str(msg.content)[:200]}" + for msg in recent_messages + if hasattr(msg, 'content') and hasattr(msg, 'role') + ])[:1500] + + span.add_event("gen_ai.content.prompt", { + "gen_ai.prompt": conversation_context, + "input.message_type": "conversation_history", + "input.source": "group_chat_history", + "input.message_count": len(messages), + "input.recent_message_count": len(recent_messages), + "langfuse.input": conversation_context, + "langfuse.conversation": conversation_context + }) + + # Capture the very last message for immediate context + last_message = messages[-1] + if hasattr(last_message, 'content'): + span.add_event("input.last_message", { + "last.message": str(last_message.content)[:500], + "last.role": str(last_message.role), + "last.agent": getattr(last_message, 'name', 'unknown'), + "context.type": "immediate_context" + }) + + # Capture participant information for agent selection context + if hasattr(manager, '_participant_descriptions') and manager._participant_descriptions: + span.add_event("planning.participants", { + "participants": json.dumps(manager._participant_descriptions), + "participant.count": len(manager._participant_descriptions), + "participant.names": list(manager._participant_descriptions.keys()) + }) + + # Try to capture conversation history if available in args + if len(args) > 1: + conversation_data = args[1] if hasattr(args[1], '__iter__') else None + if conversation_data: + span.set_attribute("planning.has_conversation_context", True) + + elif operation_name in ["handle_start_message", "handle_response_message"]: + # Capture message context for start and response operations + message_context = args[1] if len(args) > 1 else kwargs.get('message_context') + if message_context and hasattr(message_context, 'message'): + msg = message_context.message + if hasattr(msg, 'content'): + input_content = str(msg.content)[:1000] + span.add_event("gen_ai.content.prompt", { + "gen_ai.prompt": input_content, + "input.message_type": "coordination_input", + "input.source": "conversation", + "group_chat.coordination_context": operation_name, + "langfuse.input": input_content + }) + + # Enhanced message metadata + if hasattr(msg, 'role'): + span.set_attribute("input.message_role", str(msg.role)) + if hasattr(message_context, 'sender'): + span.set_attribute("input.sender", str(message_context.sender)) + if hasattr(msg, 'name'): + span.set_attribute("input.agent_name", str(msg.name)) + except Exception as e: + span.set_attribute("input.capture_error", str(e)) + + # Execute the function + result = await func(*args, **kwargs) + + # ENHANCED: Comprehensive output capture - especially important for planning operations try: - # ENHANCED: Add agent-to-agent interaction detection for key operations if operation_name == "determine_state_and_take_action": - # Capture state before execution to detect agent selection - chat_history_before = manager_actor._chat_history.model_copy(deep=True) - - result = await func(*args, **kwargs) - - # Add agent-to-agent interaction span for delegation - # We need to detect if an agent was selected by checking if a GroupChatRequestMessage was sent - # Since we can't easily intercept the message sending, we'll add a span that represents the delegation decision - with tracer.start_as_current_span("manager_delegation_decision") as interaction_span: - interaction_span.set_attributes({ - "gen_ai.operation.name": "agent_to_agent_interaction", - "gen_ai.interaction.type": "delegation_decision", - "gen_ai.interaction.source_agent": "Manager", - "manager.current_round": current_round, - "chat_history.message_count_before": len(chat_history_before.messages), - "chat_history.message_count_after": len(manager_actor._chat_history.messages) - }) + # This is the planning result - very important for observability + span.add_event("group_chat.coordination_decision", { + "event.type": "coordination_completed", + "coordination.operation": operation_name, + "coordination.success": True, + "planning.decision_made": True, + "langfuse.coordination": "Agent coordination decision completed" + }) - return result - elif operation_name == "handle_response_message": - # Add agent-to-agent interaction span for receiving agent responses - message = args[1] if len(args) > 1 else None # GroupChatResponseMessage - - # Create interaction span for receiving agent response - with tracer.start_as_current_span("manager_receives_agent_response") as interaction_span: - interaction_span.set_attributes({ - "gen_ai.operation.name": "agent_to_agent_interaction", - "gen_ai.interaction.type": "receive_response", - "gen_ai.interaction.source_agent": getattr(message.body, 'name', 'unknown') if message else 'unknown', - "gen_ai.interaction.target_agent": "Manager", - "message.role": str(message.body.role) if message else 'unknown' - }) + # Try to capture any planning decision details + if result: + if hasattr(result, '__dict__'): + # Try to capture planning decision details + result_dict = vars(result) + span.add_event("group_chat.planning_result", { + "planning.decision_made": True, + "planning.result_type": type(result).__name__, + "planning.has_details": bool(result_dict), + "langfuse.planning_result": True + }) + + # Capture specific planning details if available + if 'next_agent' in result_dict: + span.set_attribute("planning.next_agent", str(result_dict['next_agent'])) + if 'action' in result_dict: + span.set_attribute("planning.action", str(result_dict['action'])) + + elif isinstance(result, str): + # String result - might be agent selection or action + span.add_event("gen_ai.content.completion", { + "gen_ai.completion": result[:500], + "output.message_type": "planning_decision", + "planning.decision": result[:200], + "langfuse.output": result[:500], + "langfuse.planning_decision": result[:200] + }) - result = await func(*args, **kwargs) - return result - else: - result = await func(*args, **kwargs) + # Always capture the planning completion + span.add_event("gen_ai.planning.decision", { + "planning.type": "overall_coordination", + "planning.component": "group_chat_manager", + "planning.operation": operation_name, + "planning.completed": True, + "langfuse.plan": f"Group chat coordination decision for {operation_name}" + }) + + elif operation_name in ["handle_start_message", "handle_response_message"]: + # Capture message handling results + span.add_event("group_chat.message_handled", { + "event.type": "message_processing_complete", + "message.operation": operation_name, + "message.success": True, + "langfuse.message_handled": True + }) + + if result and hasattr(result, 'content'): + output_content = str(result.content)[:1000] + span.add_event("gen_ai.content.completion", { + "gen_ai.completion": output_content, + "output.message_type": "manager_response", + "group_chat.manager_output": operation_name, + "langfuse.output": output_content + }) - span.set_status(Status(StatusCode.OK)) - return result + # Always set success indicator + span.set_attribute("operation.success", True) + span.set_attribute("langfuse.success", True) + except Exception as e: - span.set_status(Status(StatusCode.ERROR, str(e))) - raise + span.set_attribute("output.capture_error", str(e)) + span.set_attribute("langfuse.error", str(e)) + + return result - wrapper.__group_chat_diagnostics__ = True # type: ignore return wrapper return decorator + @experimental def trace_group_chat_orchestration(operation_name: str): - """Decorator to trace group chat orchestration operations.""" + """Decorator to trace group chat orchestration operations with rich input/output.""" def decorator(func: Callable[P, Awaitable[T]]) -> Callable[P, Awaitable[T]]: @functools.wraps(func) async def wrapper(*args: P.args, **kwargs: P.kwargs) -> T: - orchestration = args[0] # GroupChatOrchestration instance + orchestrator = args[0] if args else None - span_name = f"group_chat.orchestration.{operation_name}" - with tracer.start_as_current_span(span_name) as span: - span.set_attribute("operation", operation_name) - span.set_attribute("participant_count", len(orchestration._members)) - manager_type = type(orchestration._manager).__name__ - span.set_attribute("manager_type", manager_type) + with tracer.start_as_current_span(f"group_chat_orchestration.{operation_name}") as span: + # Set basic operation attributes + span.set_attributes({ + gen_ai_attributes.OPERATION: f"group_chat_orchestration.{operation_name}", + "group_chat.operation": operation_name, + "group_chat.component": "orchestration" + }) - # Add participant names - participant_names = [agent.name for agent in orchestration._members] - span.set_attribute("participants", ",".join(participant_names)) + # This is likely the root span for the whole group chat operation + if operation_name == "start": + span.set_attribute("group_chat.is_root_operation", True) + span.add_event("group_chat.session_start", { + "event.type": "orchestration_start", + "session.phase": "initialization" + }) + # Capture orchestration input try: - result = await func(*args, **kwargs) - span.set_status(Status(StatusCode.OK)) - return result + # Look for input message or conversation starter + input_message = None + if len(args) > 1: + input_message = args[1] + elif 'message' in kwargs: + input_message = kwargs['message'] + elif 'input' in kwargs: + input_message = kwargs['input'] + + if input_message and hasattr(input_message, 'content'): + input_content = str(input_message.content)[:1000] + span.add_event("gen_ai.content.prompt", { + "gen_ai.prompt": input_content, + "input.message_type": "orchestration_input", + "input.source": "user_request", + "group_chat.session_input": True + }) + + span.set_attribute("orchestration.has_input", True) + span.set_attribute("orchestration.input_length", len(input_message.content)) + + # Capture orchestration configuration + if orchestrator: + if hasattr(orchestrator, '_members'): + agent_count = len(orchestrator._members) if orchestrator._members else 0 + span.set_attribute("orchestration.agent_count", agent_count) + + # Capture agent names for better observability + if agent_count > 0: + agent_names = [agent.name for agent in orchestrator._members if hasattr(agent, 'name')] + span.add_event("orchestration.agents_configured", { + "agents.count": agent_count, + "agents.names": str(agent_names)[:500] + }) + except Exception as e: - span.set_status(Status(StatusCode.ERROR, str(e))) - raise + span.set_attribute("input.capture_error", str(e)) + + # Execute the function and capture result + result = await func(*args, **kwargs) + + # Capture orchestration completion + try: + span.set_attribute("orchestration.completed", True) + + if operation_name == "start": + span.add_event("group_chat.session_started", { + "event.type": "orchestration_started", + "session.success": True + }) + + except Exception as e: + span.set_attribute("output.capture_error", str(e)) + + return result - wrapper.__group_chat_diagnostics__ = True # type: ignore return wrapper return decorator + +@experimental +def trace_agent_invocation(invoke_func: Callable[P, AsyncIterable[T]]) -> Callable[P, AsyncIterable[T]]: + """Enhanced decorator to trace agent invocation with multi-agent context.""" + OPERATION_NAME = "invoke_agent" + + @functools.wraps(invoke_func) + async def wrapper_decorator(*args: P.args, **kwargs: P.kwargs) -> AsyncIterable[T]: + from semantic_kernel.agents.agent import Agent + + agent = cast(Agent, args[0]) + + with tracer.start_as_current_span(f"{OPERATION_NAME} {agent.name}") as span: + # Basic agent information + span.set_attributes({ + gen_ai_attributes.OPERATION: OPERATION_NAME, + gen_ai_attributes.AGENT_ID: agent.id, + gen_ai_attributes.AGENT_NAME: agent.name, + }) + + if agent.description: + span.set_attribute(gen_ai_attributes.AGENT_DESCRIPTION, agent.description) + + # ENHANCED: Capture multi-agent context and input/output + try: + # Try to get additional context from the agent actor + agent_actor = args[0] if hasattr(args[0], '_agent') else None + + # Capture who is invoking this agent (calling context) + if hasattr(agent_actor, 'id'): + span.set_attribute("invocation.source_actor", str(agent_actor.id)) + + # Enhanced: Track calling context for multi-agent scenarios + import inspect + frame = inspect.currentframe() + if frame and frame.f_back and frame.f_back.f_back: + caller_name = frame.f_back.f_back.f_code.co_name + span.set_attribute("invocation.caller_function", caller_name) + + # Detect if this is part of multi-agent coordination + if any(keyword in caller_name.lower() for keyword in ['select', 'should', 'filter', 'manage', 'plan']): + span.set_attribute("invocation.context", "multi_agent_coordination") + span.set_attribute("invocation.coordination_type", caller_name) + + # Add specific coordination context + if 'select' in caller_name.lower(): + span.set_attribute("coordination.operation", "agent_selection") + elif 'should' in caller_name.lower(): + span.set_attribute("coordination.operation", "decision_making") + elif 'filter' in caller_name.lower(): + span.set_attribute("coordination.operation", "result_filtering") + elif 'plan' in caller_name.lower(): + span.set_attribute("coordination.operation", "planning") + + # Capture input messages if available + messages_arg = args[1] if len(args) > 1 else None + if messages_arg: + if hasattr(messages_arg, '__iter__') and not isinstance(messages_arg, str): + # Collection of messages + message_list = list(messages_arg) + if message_list: + span.set_attribute("invocation.input_message_count", len(message_list)) + + # Capture the latest message content + latest_msg = message_list[-1] + if hasattr(latest_msg, 'content'): + input_content = str(latest_msg.content)[:1000] + span.add_event("gen_ai.content.prompt", { + "gen_ai.prompt": input_content, + "input.message_type": "conversation_context", + "input.total_messages": len(message_list), + "input.source": "multi_agent_conversation" + }) + + # Capture conversation context (last few messages) + if len(message_list) > 1: + context_msgs = message_list[-3:] if len(message_list) > 3 else message_list + context_content = "\n".join([ + f"{getattr(msg, 'role', 'unknown')}: {str(getattr(msg, 'content', ''))[:200]}" + for msg in context_msgs + ])[:1000] + + span.add_event("invocation.conversation_context", { + "context.content": context_content, + "context.message_count": len(context_msgs), + "context.type": "recent_conversation" + }) + + elif hasattr(messages_arg, 'content'): + # Single message + input_content = str(messages_arg.content)[:1000] + span.add_event("gen_ai.content.prompt", { + "gen_ai.prompt": input_content, + "input.message_type": "single_message", + "input.source": "direct_invocation" + }) + + except Exception as e: + span.set_attribute("invocation.context_capture_error", str(e)) + + # Execute the async generator and capture output + response_count = 0 + final_message = None + total_content_length = 0 + + async for message in invoke_func(*args, **kwargs): + response_count += 1 + final_message = message + + # Track streaming content + if hasattr(message, 'content') and message.content: + content_length = len(str(message.content)) + total_content_length += content_length + + # Add streaming events for intermediate responses + if response_count <= 5: # Limit events to avoid spam + span.add_event("invocation.streaming_response", { + "response.chunk": response_count, + "response.content": str(message.content)[:200], + "response.length": content_length + }) + + yield message + + # ENHANCED: Capture final output with rich context + if final_message: + if hasattr(final_message, 'content'): + final_content = str(final_message.content)[:1000] + span.add_event("gen_ai.content.completion", { + "gen_ai.completion": final_content, + "gen_ai.assistant.message": final_content, + "output.message_type": "agent_response", + "output.chunk_count": response_count, + "output.agent": agent.name, + "output.total_length": total_content_length + }) + + span.set_attributes({ + "invocation.response_count": response_count, + "invocation.total_content_length": total_content_length, + "invocation.final_message_length": len(final_message.content) if final_message and hasattr(final_message, 'content') else 0, + "invocation.success": True + }) + else: + span.set_attribute("invocation.no_response", True) + + # Mark the wrapper decorator as an agent diagnostics decorator + wrapper_decorator.__agent_diagnostics__ = True # type: ignore + + return wrapper_decorator + + +@experimental +def trace_agent_get_response(get_response_func: Callable[P, Awaitable[T]]) -> Callable[P, Awaitable[T]]: + """Enhanced decorator to trace agent get_response with multi-agent context.""" + OPERATION_NAME = "invoke_agent" + + @functools.wraps(get_response_func) + async def wrapper_decorator(*args: P.args, **kwargs: P.kwargs) -> T: + from semantic_kernel.agents.agent import Agent + + agent = cast(Agent, args[0]) + + with tracer.start_as_current_span(f"{OPERATION_NAME} {agent.name}") as span: + # Basic agent information + span.set_attributes({ + gen_ai_attributes.OPERATION: OPERATION_NAME, + gen_ai_attributes.AGENT_ID: agent.id, + gen_ai_attributes.AGENT_NAME: agent.name, + }) + + if agent.description: + span.set_attribute(gen_ai_attributes.AGENT_DESCRIPTION, agent.description) + + # ENHANCED: Capture input message context + try: + # Capture input messages for get_response + messages = args[1] if len(args) > 1 else kwargs.get('messages', None) + if messages: + if isinstance(messages, list) and messages: + # Multiple messages - capture the conversation context + recent_messages = messages[-3:] if len(messages) > 3 else messages + context_content = "\n".join([f"{msg.role}: {msg.content}" for msg in recent_messages if hasattr(msg, 'content') and hasattr(msg, 'role')])[:1000] + + span.add_event("gen_ai.content.prompt", { + "gen_ai.prompt": context_content, + "input.message_type": "conversation_context", + "input.total_messages": len(messages), + "input.context_messages": len(recent_messages), + "input.source": "conversation_history" + }) + + span.set_attributes({ + "invocation.input_message_count": len(messages), + "invocation.conversation_length": len(messages) + }) + + # Capture the last user message specifically + last_user_msg = None + for msg in reversed(messages): + if hasattr(msg, 'role') and str(msg.role).lower() in ['user', 'human']: + last_user_msg = msg + break + + if last_user_msg and hasattr(last_user_msg, 'content'): + span.add_event("input.last_user_message", { + "user.message": str(last_user_msg.content)[:500], + "message.role": str(last_user_msg.role) + }) + + elif hasattr(messages, 'content'): + # Single message + input_content = str(messages.content)[:1000] + span.add_event("gen_ai.content.prompt", { + "gen_ai.prompt": input_content, + "gen_ai.user.message": input_content, + "input.message_type": "single_message", + "input.source": "direct_call" + }) + + # Capture execution settings if provided + arguments = kwargs.get('arguments', None) + if arguments and hasattr(arguments, 'execution_settings'): + span.set_attribute("invocation.has_execution_settings", True) + # Try to capture some execution settings details + try: + settings = arguments.execution_settings + if hasattr(settings, 'model_id'): + span.set_attribute("invocation.model_id", settings.model_id) + if hasattr(settings, 'temperature'): + span.set_attribute("invocation.temperature", settings.temperature) + if hasattr(settings, 'max_tokens'): + span.set_attribute("invocation.max_tokens", settings.max_tokens) + except: + pass + + # Enhanced: Track calling context for multi-agent scenarios + import inspect + frame = inspect.currentframe() + if frame and frame.f_back and frame.f_back.f_back: + caller_name = frame.f_back.f_back.f_code.co_name + span.set_attribute("invocation.caller_function", caller_name) + + # Detect if this is part of multi-agent coordination + if any(keyword in caller_name.lower() for keyword in ['select', 'should', 'filter', 'manage', 'plan']): + span.set_attribute("invocation.context", "multi_agent_coordination") + span.set_attribute("invocation.coordination_type", caller_name) + + # Add specific coordination context + if 'select' in caller_name.lower(): + span.set_attribute("coordination.operation", "agent_selection") + elif 'should' in caller_name.lower(): + span.set_attribute("coordination.operation", "decision_making") + elif 'filter' in caller_name.lower(): + span.set_attribute("coordination.operation", "result_filtering") + elif 'plan' in caller_name.lower(): + span.set_attribute("coordination.operation", "planning") + + except Exception as e: + span.set_attribute("invocation.context_capture_error", str(e)) + + # Execute the function and capture output + result = await get_response_func(*args, **kwargs) + + # ENHANCED: Capture output content + try: + if hasattr(result, 'message') and result.message: + if hasattr(result.message, 'content') and result.message.content: + output_content = str(result.message.content)[:1000] + span.add_event("gen_ai.content.completion", { + "gen_ai.completion": output_content, + "gen_ai.assistant.message": output_content, + "output.message_type": "agent_response", + "output.agent": agent.name + }) + + span.set_attributes({ + "invocation.output_length": len(result.message.content), + "invocation.success": True + }) + + # If this looks like a structured response (JSON), try to parse it + try: + if result.message.content.strip().startswith('{') and result.message.content.strip().endswith('}'): + parsed = json.loads(result.message.content) + span.add_event("output.structured_response", { + "response.type": "structured_json", + "response.keys": list(parsed.keys()) if isinstance(parsed, dict) else "non_dict" + }) + except: + pass + + elif hasattr(result, 'content') and result.content: + # Direct content response + output_content = str(result.content)[:1000] + span.add_event("gen_ai.content.completion", { + "gen_ai.completion": output_content, + "output.message_type": "direct_response", + "output.agent": agent.name + }) + + span.set_attribute("invocation.output_length", len(result.content)) + + except Exception as e: + span.set_attribute("invocation.output_capture_error", str(e)) + + return result + + # Mark the wrapper decorator as an agent diagnostics decorator + wrapper_decorator.__agent_diagnostics__ = True # type: ignore + + return wrapper_decorator \ No newline at end of file From 627537000b14d8f7ac8f22bd8f273524f2109ad4 Mon Sep 17 00:00:00 2001 From: Nagkumar Arkalgud Date: Mon, 30 Jun 2025 13:17:10 -0700 Subject: [PATCH 5/5] update to remove the deuplicate and agent_runtime span --- .../group_chat_based_system.py | 18 +- .../latest_trace_span.json | 7083 ++++++++++------- .../travel_planning_system/observability.py | 31 +- 3 files changed, 4034 insertions(+), 3098 deletions(-) diff --git a/python/samples/demos/travel_planning_system/group_chat_based_system.py b/python/samples/demos/travel_planning_system/group_chat_based_system.py index ab23574623d5..798ee846279b 100644 --- a/python/samples/demos/travel_planning_system/group_chat_based_system.py +++ b/python/samples/demos/travel_planning_system/group_chat_based_system.py @@ -1,11 +1,11 @@ # Copyright (c) Microsoft. All rights reserved. - +# flake8: noqa import asyncio import sys import json import os from opentelemetry import trace -from opentelemetry.trace import Status, StatusCode +from opentelemetry.trace import Status, StatusCode, NoOpTracerProvider from samples.demos.travel_planning_system.agents import get_agents from samples.demos.travel_planning_system.observability import enable_observability @@ -110,18 +110,6 @@ def streaming_agent_response_callback(message: StreamingChatMessageContent, is_f "agent": message.name }) - # Only create span for final messages to reduce duplicate spans - if is_final: - tracer = trace.get_tracer(__name__) - with tracer.start_as_current_span("streaming_message_final") as stream_span: - stream_span.set_attributes({ - "gen_ai.operation.name": "memory_operation", - "gen_ai.memory.operation_type": "write", - "gen_ai.memory.source_type": "streaming_response", - "message.agent_name": message.name, - "message.content_length": len(message.content) if message.content else 0, - "message.processing_complete": True - }) if is_new_message: is_new_message = False @@ -399,7 +387,7 @@ async def main(): ) # 2. Create a runtime and start it - runtime = InProcessRuntime() + runtime = InProcessRuntime(tracer_provider=NoOpTracerProvider()) runtime.start() # 3. Comprehensive task execution with telemetry diff --git a/python/samples/demos/travel_planning_system/latest_trace_span.json b/python/samples/demos/travel_planning_system/latest_trace_span.json index cc405bc0b45f..9ddffdf40e54 100644 --- a/python/samples/demos/travel_planning_system/latest_trace_span.json +++ b/python/samples/demos/travel_planning_system/latest_trace_span.json @@ -1,26 +1,26 @@ { "data": [ { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", "spans": [ { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "f39de0bd24092b1f", - "operationName": "group_chat_manager.determine_state_and_take_action", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "5fc115acec34efd6", + "operationName": "group_chat_manager.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "8276c6f146c6750b" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803450247661, - "duration": 9895359, + "startTime": 1751314111206197, + "duration": 126281530, "tags": [ { "key": "gen_ai.operation.name", "type": "string", - "value": "group_chat_manager.determine_state_and_take_action" + "value": "group_chat_manager.handle_response_message" }, { "key": "group_chat.component", @@ -30,7 +30,7 @@ { "key": "group_chat.operation", "type": "string", - "value": "determine_state_and_take_action" + "value": "handle_response_message" }, { "key": "langfuse.component", @@ -40,7 +40,7 @@ { "key": "langfuse.operation", "type": "string", - "value": "determine_state_and_take_action" + "value": "handle_response_message" }, { "key": "langfuse.success", @@ -50,7 +50,7 @@ { "key": "manager.id", "type": "string", - "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c/default" + "value": "GroupChatManagerActor_b18281f3cfae4704ae0ccdec4737ab33/default" }, { "key": "operation.success", @@ -70,222 +70,86 @@ ], "logs": [ { - "timestamp": 1750803450247673, + "timestamp": 1751314237487714, "fields": [ { "key": "event", "type": "string", - "value": "group_chat.planning" + "value": "group_chat.message_handled" }, { "key": "event.type", "type": "string", - "value": "coordination_planning" + "value": "message_processing_complete" }, { - "key": "langfuse.planning", + "key": "langfuse.message_handled", "type": "bool", "value": true }, { - "key": "operation.phase", - "type": "string", - "value": "planning" - }, - { - "key": "planning.type", - "type": "string", - "value": "state_determination" - } - ] - }, - { - "timestamp": 1750803450247698, - "fields": [ - { - "key": "event", - "type": "string", - "value": "gen_ai.content.prompt" - }, - { - "key": "gen_ai.prompt", - "type": "string", - "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especiall" - }, - { - "key": "input.message_count", - "type": "int64", - "value": 3 - }, - { - "key": "input.message_type", - "type": "string", - "value": "conversation_history" - }, - { - "key": "input.recent_message_count", - "type": "int64", - "value": 3 - }, - { - "key": "input.source", - "type": "string", - "value": "group_chat_history" - }, - { - "key": "langfuse.conversation", + "key": "message.operation", "type": "string", - "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especiall" + "value": "handle_response_message" }, { - "key": "langfuse.input", - "type": "string", - "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especiall" + "key": "message.success", + "type": "bool", + "value": true } ] - }, + } + ], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d7d76be02f2e7660", + "operationName": "AutoFunctionInvocationLoop", + "references": [ { - "timestamp": 1750803450247704, - "fields": [ - { - "key": "event", - "type": "string", - "value": "input.last_message" - }, - { - "key": "context.type", - "type": "string", - "value": "immediate_context" - }, - { - "key": "last.agent", - "type": "string", - "value": "planner" - }, - { - "key": "last.message", - "type": "string", - "value": "Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especially international flights from Seattle to Bali.\n- Hotels: Need to find vegetarian-friendly or at least with vegetarian meal options.\n- Activities: Sightseeing, cultural experiences, perhaps some guided tours.\n- Food: Budget needs to consider eating out or groceries, focusing on vegetarian options.\n\nSt" - }, - { - "key": "last.role", - "type": "string", - "value": "AuthorRole.ASSISTANT" - } - ] - }, + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "b9eb809136d74104" + } + ], + "startTime": 1751314078917035, + "duration": 1377247, + "tags": [ { - "timestamp": 1750803450247730, - "fields": [ - { - "key": "event", - "type": "string", - "value": "planning.participants" - }, - { - "key": "participant.count", - "type": "int64", - "value": 3 - }, - { - "key": "participant.names", - "type": "string", - "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" - }, - { - "key": "participants", - "type": "string", - "value": "{\"planner\": \"Creates comprehensive travel plans including flights, hotels, and activities\", \"flight_agent\": \"Specializes in flight booking\", \"hotel_agent\": \"Specializes in hotel booking\"}" - } - ] + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" }, { - "timestamp": 1750803460142983, - "fields": [ - { - "key": "event", - "type": "string", - "value": "group_chat.coordination_decision" - }, - { - "key": "coordination.operation", - "type": "string", - "value": "determine_state_and_take_action" - }, - { - "key": "coordination.success", - "type": "bool", - "value": true - }, - { - "key": "event.type", - "type": "string", - "value": "coordination_completed" - }, - { - "key": "langfuse.coordination", - "type": "string", - "value": "Agent coordination decision completed" - }, - { - "key": "planning.decision_made", - "type": "bool", - "value": true - } - ] + "key": "sk.available_functions", + "type": "string", + "value": "" }, { - "timestamp": 1750803460143002, - "fields": [ - { - "key": "event", - "type": "string", - "value": "gen_ai.planning.decision" - }, - { - "key": "langfuse.plan", - "type": "string", - "value": "Group chat coordination decision for determine_state_and_take_action" - }, - { - "key": "planning.completed", - "type": "bool", - "value": true - }, - { - "key": "planning.component", - "type": "string", - "value": "group_chat_manager" - }, - { - "key": "planning.operation", - "type": "string", - "value": "determine_state_and_take_action" - }, - { - "key": "planning.type", - "type": "string", - "value": "overall_coordination" - } - ] + "key": "span.kind", + "type": "string", + "value": "internal" } ], + "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "b48d8627115793ac", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "e467e0f38722e0de", "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c6a941c11851f287" } ], - "startTime": 1750803432701402, - "duration": 20, + "startTime": 1751314085901196, + "duration": 70, "tags": [ { "key": "gen_ai.memory.operation_type", @@ -310,7 +174,7 @@ { "key": "message.content_length", "type": "int64", - "value": 0 + "value": 804 }, { "key": "message.processing_complete", @@ -330,12 +194,47 @@ ], "logs": [ { - "timestamp": 1750803432701420, + "timestamp": 1751314085901233, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.completion" + }, + { + "key": "gen_ai.assistant.message", + "type": "string", + "value": "Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local transportation\n\nEstimated budget breakdown:\n- Flights: $2000 (approx $500 per person round trip, since Bali flights can be expensive)\n- Hotels: $1000 (about $200 per night for a family room or 2 rooms)\n- Food: $400 ($20 per person per day, vegetarian meals can be affordable)\n- Activities and local transport: $600\n- Miscellaneous/Buffer: $1000 (flexibility for any extra costs or savings to be reallocated)\n\nNow I will find suitable flights for 4 people round trip Seattle (SEA) to Bali (Denpasar DPS) departing July 30, 2025 and returning August 4, 2025.\n\nSearching flights and hotels in parallel next." + }, + { + "key": "gen_ai.completion", + "type": "string", + "value": "Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local transportation\n\nEstimated budget breakdown:\n- Flights: $2000 (approx $500 per person round trip, since Bali flights can be expensive)\n- Hotels: $1000 (about $200 per night for a family room or 2 rooms)\n- Food: $400 ($20 per person per day, vegetarian meals can be affordable)\n- Activities and local transport: $600\n- Miscellaneous/Buffer: $1000 (flexibility for any extra costs or savings to be reallocated)\n\nNow I will find suitable flights for 4 people round trip Seattle (SEA) to Bali (Denpasar DPS) departing July 30, 2025 and returning August 4, 2025.\n\nSearching flights and hotels in parallel next." + }, + { + "key": "output.agent", + "type": "string", + "value": "planner" + }, + { + "key": "output.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "output.type", + "type": "string", + "value": "streaming_final" + } + ] + }, + { + "timestamp": 1751314085901263, "fields": [ { "key": "event", "type": "string", - "value": "gen_ai.tool.results" + "value": "gen_ai.tool.calls" }, { "key": "agent", @@ -343,14 +242,14 @@ "value": "planner" }, { - "key": "tool.result_count", + "key": "tool.call_count", "type": "int64", - "value": 1 + "value": 3 }, { - "key": "tool.results", + "key": "tool.calls", "type": "string", - "value": "[{\"function\": \"PlanningPlugin-get_weather\", \"result\": \"Weather information for Bali: Sunny, 25\\u00b0C.\"}]" + "value": "[{\"function\": \"PlanningPlugin-search_flights\", \"arguments\": \"{\\\"origin\\\": \\\"Seattle\\\", \\\"destination\\\": \\\"Denpasar\\\", \\\"date\\\": \\\"2025-07-30\\\"}\"}, {\"function\": \"PlanningPlugin-search_flights\", \"arguments\": \"{\\\"origin\\\": \\\"Denpasar\\\", \\\"destination\\\": \\\"Seattle\\\", \\\"date\\\": \\\"2025-08-04\\\"}\"}, {\"function\": \"PlanningPlugin-search_hotels\", \"arguments\": \"{\\\"location\\\": \\\"Bali\\\", \\\"check_in\\\": \\\"2025-07-30\\\", \\\"check_out\\\": \\\"2025-08-04\\\"}\"}]" } ] } @@ -359,58 +258,63 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "124271a7d1990be8", - "operationName": "group_chat_agent_message.invoke", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c01c5af080e5785e", + "operationName": "chat.streaming_completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "a4ffc661408fd65f" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c6a941c11851f287" } ], - "startTime": 1750803431459580, - "duration": 34, + "startTime": 1751314085901672, + "duration": 4321459, "tags": [ { - "key": "gen_ai.agent.description", + "key": "gen_ai.operation.name", "type": "string", - "value": "Specializes in flight booking" + "value": "chat.streaming_completions" }, { - "key": "gen_ai.agent.id", + "key": "gen_ai.request.model", "type": "string", - "value": "035851b6-a48a-4067-8f30-11342f110c4c" + "value": "gpt-4.1-mini" }, { - "key": "gen_ai.agent.name", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "flight_agent" + "value": "FinishReason.STOP" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.response.id", "type": "string", - "value": "group_chat_agent_message.invoke" + "value": "chatcmpl-BoF5KexGGC9y9WQ66c8meShxsvSgr" }, { - "key": "group_chat.component", + "key": "gen_ai.system", "type": "string", - "value": "agent_message_handler" + "value": "openai" }, { - "key": "group_chat.operation", - "type": "string", - "value": "invoke" + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 782 }, { - "key": "operation.no_result", - "type": "bool", - "value": true + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 367 }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -418,69 +322,72 @@ "value": "internal" } ], - "logs": [ - { - "timestamp": 1750803431459604, - "fields": [ - { - "key": "event", - "type": "string", - "value": "group_chat.agent_invoke" - }, - { - "key": "event.type", - "type": "string", - "value": "agent_invocation" - }, - { - "key": "operation.phase", - "type": "string", - "value": "invoke" - } - ] - } - ], + "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "cb19b2ce6cb3f83e", - "operationName": "agent_runtime process planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c6a941c11851f287", + "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "86bdb7742d286f03" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "cbc653133e3ec563" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "26935a4b3fff3ba6" } ], - "startTime": 1750803431456770, - "duration": 18789628, + "startTime": 1751314081008602, + "duration": 9214557, "tags": [ { - "key": "messaging.destination", + "key": "otel.scope.name", "type": "string", - "value": "planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" }, { - "key": "messaging.operation", + "key": "sk.available_functions", "type": "string", - "value": "process" + "value": "PlanningPlugin-get_weather,PlanningPlugin-search_flights,PlanningPlugin-search_hotels" }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "ef6213d656ba75f1", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "b444d6f46d52638e" + } + ], + "startTime": 1751314092171072, + "duration": 1013420, + "tags": [ { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -488,51 +395,56 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e74d32046b225772", - "operationName": "group_chat_agent_message.invoke", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "83f9e3290dcd7730", + "operationName": "group_chat_manager.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "cb19b2ce6cb3f83e" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803431456808, - "duration": 18789579, + "startTime": 1751314090237017, + "duration": 2950996, "tags": [ { - "key": "gen_ai.agent.description", + "key": "gen_ai.operation.name", "type": "string", - "value": "Creates comprehensive travel plans including flights, hotels, and activities" + "value": "group_chat_manager.handle_response_message" }, { - "key": "gen_ai.agent.id", + "key": "group_chat.component", "type": "string", - "value": "22aff641-081c-4ef3-a073-b15ff7662eb1" + "value": "manager" }, { - "key": "gen_ai.agent.name", + "key": "group_chat.operation", "type": "string", - "value": "planner" + "value": "handle_response_message" }, { - "key": "gen_ai.operation.name", + "key": "langfuse.component", "type": "string", - "value": "group_chat_agent_message.invoke" + "value": "group_chat_manager" }, { - "key": "group_chat.component", + "key": "langfuse.operation", "type": "string", - "value": "agent_message_handler" + "value": "handle_response_message" }, { - "key": "group_chat.operation", + "key": "langfuse.success", + "type": "bool", + "value": true + }, + { + "key": "manager.id", "type": "string", - "value": "invoke" + "value": "GroupChatManagerActor_b18281f3cfae4704ae0ccdec4737ab33/default" }, { - "key": "operation.no_result", + "key": "operation.success", "type": "bool", "value": true }, @@ -549,22 +461,32 @@ ], "logs": [ { - "timestamp": 1750803431456830, + "timestamp": 1751314093188002, "fields": [ { "key": "event", "type": "string", - "value": "group_chat.agent_invoke" + "value": "group_chat.message_handled" }, { "key": "event.type", "type": "string", - "value": "agent_invocation" + "value": "message_processing_complete" }, { - "key": "operation.phase", + "key": "langfuse.message_handled", + "type": "bool", + "value": true + }, + { + "key": "message.operation", "type": "string", - "value": "invoke" + "value": "handle_response_message" + }, + { + "key": "message.success", + "type": "bool", + "value": true } ] } @@ -573,143 +495,83 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874", - "operationName": "travel_planning_session", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "633b1970c55e6a65", + "operationName": "group_chat_agent_message.invoke", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "955f217c932cacee" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803428680575, - "duration": 31463122, + "startTime": 1751314093191363, + "duration": 32, "tags": [ { - "key": "conversation.id", + "key": "gen_ai.agent.description", "type": "string", - "value": "conv_enhanced_001" + "value": "Specializes in hotel booking" }, { - "key": "langfuse.session_type", + "key": "gen_ai.agent.id", "type": "string", - "value": "group_chat" + "value": "d155cfa7-89ea-47d6-a912-5e348e5d086e" }, { - "key": "langfuse.trace.type", + "key": "gen_ai.agent.name", "type": "string", - "value": "multi_agent_orchestration" + "value": "hotel_agent" }, { - "key": "langfuse.version", + "key": "gen_ai.operation.name", "type": "string", - "value": "1.0" + "value": "group_chat_agent_message.invoke" }, { - "key": "otel.scope.name", + "key": "group_chat.component", "type": "string", - "value": "__main__" + "value": "agent_message_handler" }, { - "key": "session.type", + "key": "group_chat.operation", "type": "string", - "value": "enhanced_multi_agent_demo" + "value": "invoke" }, { - "key": "span.kind", + "key": "operation.no_result", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", "type": "string", - "value": "internal" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { - "key": "user.id", + "key": "span.kind", "type": "string", - "value": "demo_user_enhanced" + "value": "internal" } ], "logs": [ { - "timestamp": 1750803428797986, - "fields": [ - { - "key": "event", - "type": "string", - "value": "gen_ai.content.prompt" - }, - { - "key": "gen_ai.prompt", - "type": "string", - "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." - }, - { - "key": "gen_ai.user.message", - "type": "string", - "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." - }, - { - "key": "input.constraints", - "type": "string", - "value": "{\"budget\": 5000, \"duration_days\": 5, \"travelers\": 4, \"dietary\": \"vegetarian\", \"destination\": \"Bali\", \"origin\": \"Seattle, WA\"}" - }, - { - "key": "input.source", - "type": "string", - "value": "main_function" - }, - { - "key": "input.task_type", - "type": "string", - "value": "multi_agent_planning" - }, - { - "key": "input.type", - "type": "string", - "value": "user_request" - }, - { - "key": "langfuse.input", - "type": "string", - "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." - } - ] - }, - { - "timestamp": 1750803460143359, + "timestamp": 1751314093191387, "fields": [ { "key": "event", "type": "string", - "value": "gen_ai.content.completion" - }, - { - "key": "gen_ai.assistant.message", - "type": "string", - "value": "The user requested a 5-day trip plan to Bali for a vegetarian family of 4 from Seattle starting July 30, 2025, with a strict $5000 budget. The assistant assessed and allocated the budget, estimated flights at $1600 total for round trip, selected a vegetarian-friendly hotel (Ocean View Resort) for $1000 total, and planned daily vegetarian-friendly activities with an estimated $590 cost for activities and $350 for food. The total estimated cost was about $3540, leaving a buffer for extras. The user then requested to book the flights, hotel, and activities, and finally asked for a summary of the conversation. The assistant is confirming that all bookings will be processed based on the detailed plan provided." - }, - { - "key": "gen_ai.completion", - "type": "string", - "value": "The user requested a 5-day trip plan to Bali for a vegetarian family of 4 from Seattle starting July 30, 2025, with a strict $5000 budget. The assistant assessed and allocated the budget, estimated flights at $1600 total for round trip, selected a vegetarian-friendly hotel (Ocean View Resort) for $1000 total, and planned daily vegetarian-friendly activities with an estimated $590 cost for activities and $350 for food. The total estimated cost was about $3540, leaving a buffer for extras. The user then requested to book the flights, hotel, and activities, and finally asked for a summary of the conversation. The assistant is confirming that all bookings will be processed based on the detailed plan provided." - }, - { - "key": "langfuse.output", - "type": "string", - "value": "The user requested a 5-day trip plan to Bali for a vegetarian family of 4 from Seattle starting July 30, 2025, with a strict $5000 budget. The assistant assessed and allocated the budget, estimated flights at $1600 total for round trip, selected a vegetarian-friendly hotel (Ocean View Resort) for $1000 total, and planned daily vegetarian-friendly activities with an estimated $590 cost for activities and $350 for food. The total estimated cost was about $3540, leaving a buffer for extras. The user then requested to book the flights, hotel, and activities, and finally asked for a summary of the conversation. The assistant is confirming that all bookings will be processed based on the detailed plan provided." + "value": "group_chat.agent_invoke" }, { - "key": "output.source", + "key": "event.type", "type": "string", - "value": "multi_agent_orchestration" - }, - { - "key": "output.success", - "type": "bool", - "value": true + "value": "agent_invocation" }, { - "key": "output.type", + "key": "operation.phase", "type": "string", - "value": "final_travel_plan" + "value": "invoke" } ] } @@ -718,38 +580,38 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "5c85cbf44e5dc68e", - "operationName": "group_chat_agent_message.handle_start_message", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "6df5c1998082f0af", + "operationName": "group_chat_agent_message.invoke", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "5f117e7431186cbf" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803428801142, - "duration": 32, + "startTime": 1751314104250486, + "duration": 54, "tags": [ { "key": "gen_ai.agent.description", "type": "string", - "value": "Specializes in flight booking" + "value": "Creates comprehensive travel plans including flights, hotels, and activities" }, { "key": "gen_ai.agent.id", "type": "string", - "value": "035851b6-a48a-4067-8f30-11342f110c4c" + "value": "423f3df4-872b-4359-9ef3-2d2c76ac1d57" }, { "key": "gen_ai.agent.name", "type": "string", - "value": "flight_agent" + "value": "planner" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "group_chat_agent_message.handle_start_message" + "value": "group_chat_agent_message.invoke" }, { "key": "group_chat.component", @@ -759,7 +621,7 @@ { "key": "group_chat.operation", "type": "string", - "value": "handle_start_message" + "value": "invoke" }, { "key": "operation.no_result", @@ -779,22 +641,22 @@ ], "logs": [ { - "timestamp": 1750803428801154, + "timestamp": 1751314104250526, "fields": [ { "key": "event", "type": "string", - "value": "group_chat.conversation_start" + "value": "group_chat.agent_invoke" }, { "key": "event.type", "type": "string", - "value": "conversation_initialization" + "value": "agent_invocation" }, { "key": "operation.phase", "type": "string", - "value": "start" + "value": "invoke" } ] } @@ -803,43 +665,68 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2d3045a20b028936", - "operationName": "agent_runtime process hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "75527d7dba2273f2", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "953a3f2ad48d5223" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "c52145caf326ded7" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "a1b7b2e3746f3ef2" } ], - "startTime": 1750803428801312, - "duration": 44, + "startTime": 1751314090248327, + "duration": 1203822, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", "type": "string", - "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "chat.completions" }, { - "key": "messaging.operation", + "key": "gen_ai.request.model", "type": "string", - "value": "process" + "value": "gpt-4.1-mini" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BoF5PfL6qnlLLs7VTGiwe4uzGyud3" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 821 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 34 }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -847,67 +734,148 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "6c5ce4dc73a92ea1", - "operationName": "agent_runtime create planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "6369dc1b8665f5f2", + "operationName": "group_chat_agent_message.handle_start_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "9650d55c794929ad" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803428800434, - "duration": 1036, + "startTime": 1751314078912488, + "duration": 30, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", + "type": "string", + "value": "Specializes in hotel booking" + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "d155cfa7-89ea-47d6-a912-5e348e5d086e" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "gen_ai.operation.name", "type": "string", - "value": "planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "group_chat_agent_message.handle_start_message" }, { - "key": "messaging.message.type", + "key": "group_chat.component", "type": "string", - "value": "GroupChatStartMessage" + "value": "agent_message_handler" }, { - "key": "messaging.operation", + "key": "group_chat.operation", "type": "string", - "value": "create" + "value": "handle_start_message" + }, + { + "key": "operation.no_result", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" + } + ], + "logs": [ + { + "timestamp": 1751314078912496, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.conversation_start" + }, + { + "key": "event.type", + "type": "string", + "value": "conversation_initialization" + }, + { + "key": "operation.phase", + "type": "string", + "value": "start" + } + ] } ], - "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "75d0cc4c1b9a1ffa", - "operationName": "human_in_the_loop", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "f9737c160705a1f1", + "operationName": "chat.streaming_completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "f39de0bd24092b1f" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c6a941c11851f287" } ], - "startTime": 1750803451710903, - "duration": 4899987, + "startTime": 1751314081008673, + "duration": 1263808, "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-mini" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.TOOL_CALLS" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BoF5F1DqNvp7W7e1iqEmLfGYyGaDx" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 236 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 19 + }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -920,43 +888,48 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "7c63fec3d33969e2", - "operationName": "agent_runtime create 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "b9eb809136d74104", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "f39de0bd24092b1f" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "970271ca7e97b987" } ], - "startTime": 1750803456612748, - "duration": 210, + "startTime": 1751314078913999, + "duration": 1380388, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", "type": "string", - "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" + "value": "b45c5348-2a73-42b9-b3e2-0e0ff1ead8fa" }, { - "key": "messaging.message.type", + "key": "gen_ai.agent.name", "type": "string", - "value": "GroupChatResponseMessage" + "value": "Manager" }, { - "key": "messaging.operation", + "key": "gen_ai.operation.name", "type": "string", - "value": "create" + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -964,43 +937,48 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "d28daf86a877a9cc", - "operationName": "agent_runtime ack", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "28ccc2fde8bec883", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "400527af5ef8bf75" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "2388c73ebf76d864" } ], - "startTime": 1750803431459820, - "duration": 58, + "startTime": 1751314102331442, + "duration": 990827, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", "type": "string", - "value": "" + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "b45c5348-2a73-42b9-b3e2-0e0ff1ead8fa" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "Manager" }, { - "key": "messaging.operation", + "key": "gen_ai.operation.name", "type": "string", - "value": "receive" + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -1008,43 +986,63 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "5f9ae810b315ba07", - "operationName": "execute_tool PlanningPlugin-search_hotels", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "ea3333b53a235736", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "2dc6abd561a76333" } ], - "startTime": 1750803436392868, - "duration": 167, + "startTime": 1751314103387128, + "duration": 859492, "tags": [ { "key": "gen_ai.operation.name", "type": "string", - "value": "execute_tool" + "value": "chat.completions" }, { - "key": "gen_ai.tool.call.id", + "key": "gen_ai.request.model", "type": "string", - "value": "call_afnfNlyHelNQrqgdYhRwLiNS" + "value": "gpt-4.1-mini" }, { - "key": "gen_ai.tool.description", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "Search for available hotels." + "value": "FinishReason.STOP" }, { - "key": "gen_ai.tool.name", + "key": "gen_ai.response.id", "type": "string", - "value": "PlanningPlugin-search_hotels" + "value": "chatcmpl-BoF5bslpyA2MU5Gcjpu9fbuEQRGvu" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1547 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 51 }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.functions.kernel_function" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -1057,53 +1055,81 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "f17079965ef66c51", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "ca47586544854ce3", + "operationName": "main", + "references": [], + "startTime": 1751314078788543, + "duration": 158700034, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "samples.demos.travel_planning_system.observability" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "3f5236ebfe267b5b", + "operationName": "group_chat_agent_message.handle_start_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803436393554, - "duration": 39, + "startTime": 1751314078912083, + "duration": 55, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.agent.description", "type": "string", - "value": "write" + "value": "Creates comprehensive travel plans including flights, hotels, and activities" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.agent.id", "type": "string", - "value": "streaming_response" + "value": "423f3df4-872b-4359-9ef3-2d2c76ac1d57" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "planner" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "memory_operation" + "value": "group_chat_agent_message.handle_start_message" }, { - "key": "message.agent_name", + "key": "group_chat.component", "type": "string", - "value": "planner" + "value": "agent_message_handler" }, { - "key": "message.content_length", - "type": "int64", - "value": 0 + "key": "group_chat.operation", + "type": "string", + "value": "handle_start_message" }, { - "key": "message.processing_complete", + "key": "operation.no_result", "type": "bool", "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -1113,27 +1139,22 @@ ], "logs": [ { - "timestamp": 1750803436393589, + "timestamp": 1751314078912096, "fields": [ { "key": "event", "type": "string", - "value": "gen_ai.tool.results" + "value": "group_chat.conversation_start" }, { - "key": "agent", + "key": "event.type", "type": "string", - "value": "planner" - }, - { - "key": "tool.result_count", - "type": "int64", - "value": 1 + "value": "conversation_initialization" }, { - "key": "tool.results", + "key": "operation.phase", "type": "string", - "value": "[{\"function\": \"PlanningPlugin-search_flights\", \"result\": \"Available flights from Seattle to Bali on 2025-07-30:\\n[{'flight_id': 'FL123', 'take-off-time': '10:00 AM', 'arrival-time': '12:00 PM', 'price': '$200'}, {'flight_id': 'FL456', 'take-off-time': '2:00 PM', 'arrival-time': '4:00 PM', 'price': '$250'}, {'flight_id': 'FL789', 'take-off-time': '6:00 PM', 'arrival-time': '8:00 PM', 'price': '$300'}]\"}]" + "value": "start" } ] } @@ -1142,53 +1163,43 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "80b5b8399555adcb", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "9a4cf7fae71c1a41", + "operationName": "execute_tool PlanningPlugin-get_weather", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c6a941c11851f287" } ], - "startTime": 1750803440255219, - "duration": 66, + "startTime": 1751314082275782, + "duration": 933, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.operation.name", "type": "string", - "value": "write" + "value": "execute_tool" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.tool.call.id", "type": "string", - "value": "streaming_response" + "value": "call_5ki7H8uHRMIgiYDY66EiVrcL" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.tool.description", "type": "string", - "value": "memory_operation" + "value": "Get weather information for a location." }, { - "key": "message.agent_name", + "key": "gen_ai.tool.name", "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 1189 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true + "value": "PlanningPlugin-get_weather" }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", @@ -1196,129 +1207,63 @@ "value": "internal" } ], - "logs": [ - { - "timestamp": 1750803440255253, - "fields": [ - { - "key": "event", - "type": "string", - "value": "gen_ai.content.completion" - }, - { - "key": "gen_ai.assistant.message", - "type": "string", - "value": "Step 1: Budget Allocation\n- Total budget: $5000\n- Flights: Approximate cost found from search ranges from $200 to $300 per person one way (Seattle to Bali).\n- Since the return flight is not mentioned, I assume a round trip, so budget about $500 per person for round trip x 4 = $2000.\n- Accommodation: Based on hotel prices from search, 4 nights at approx $200/night for a 4-person accommodation = $800.\n- Remaining budget for activities and food: $2200.\n\nStep 2: Flights\n- Choose the flight at 10:00 AM priced at $200 (most economical) for the departure on July 30th, 2025.\n- We also must include the return flight from Bali to Seattle, which I will estimate at a similar cost, totaling about $400 per person round trip.\n\nStep 3: Hotels\n- Select \"Ocean View Resort\" at $200/night that accommodates 4 people comfortably.\n\nStep 4: Activities\n- Budget is $2200 for 5 days, which is $440 per day for all activities and vegetarian meals.\n- Plan activities including visits to local temples, beaches, cultu" - }, - { - "key": "gen_ai.completion", - "type": "string", - "value": "Step 1: Budget Allocation\n- Total budget: $5000\n- Flights: Approximate cost found from search ranges from $200 to $300 per person one way (Seattle to Bali).\n- Since the return flight is not mentioned, I assume a round trip, so budget about $500 per person for round trip x 4 = $2000.\n- Accommodation: Based on hotel prices from search, 4 nights at approx $200/night for a 4-person accommodation = $800.\n- Remaining budget for activities and food: $2200.\n\nStep 2: Flights\n- Choose the flight at 10:00 AM priced at $200 (most economical) for the departure on July 30th, 2025.\n- We also must include the return flight from Bali to Seattle, which I will estimate at a similar cost, totaling about $400 per person round trip.\n\nStep 3: Hotels\n- Select \"Ocean View Resort\" at $200/night that accommodates 4 people comfortably.\n\nStep 4: Activities\n- Budget is $2200 for 5 days, which is $440 per day for all activities and vegetarian meals.\n- Plan activities including visits to local temples, beaches, cultu" - }, - { - "key": "output.agent", - "type": "string", - "value": "planner" - }, - { - "key": "output.role", - "type": "string", - "value": "AuthorRole.ASSISTANT" - }, - { - "key": "output.type", - "type": "string", - "value": "streaming_final" - } - ] - }, - { - "timestamp": 1750803440255282, - "fields": [ - { - "key": "event", - "type": "string", - "value": "gen_ai.tool.calls" - }, - { - "key": "agent", - "type": "string", - "value": "planner" - }, - { - "key": "tool.call_count", - "type": "int64", - "value": 2 - }, - { - "key": "tool.calls", - "type": "string", - "value": "[{\"function\": \"PlanningPlugin-search_flights\", \"arguments\": \"{\\\"origin\\\": \\\"Bali\\\", \\\"destination\\\": \\\"Seattle\\\", \\\"date\\\": \\\"2025-08-04\\\"}\"}, {\"function\": \"PlanningPlugin-search_hotels\", \"arguments\": \"{\\\"location\\\": \\\"Bali\\\", \\\"check_in\\\": \\\"2025-07-30\\\", \\\"check_out\\\": \\\"2025-08-04\\\"}\"}]" - } - ] - } - ], + "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "f90d6fdf1e865d3c", - "operationName": "planning_user_input_assessment", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "5ca386bb692d2174", + "operationName": "group_chat_agent_message.invoke", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "f39de0bd24092b1f" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803450272470, - "duration": 1364343, + "startTime": 1751314093188775, + "duration": 46, "tags": [ { - "key": "chat.last_message_role", + "key": "gen_ai.agent.description", "type": "string", - "value": "AuthorRole.ASSISTANT" - }, - { - "key": "chat.message_count", - "type": "int64", - "value": 3 + "value": "Creates comprehensive travel plans including flights, hotels, and activities" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.agent.id", "type": "string", - "value": "plan_task" + "value": "423f3df4-872b-4359-9ef3-2d2c76ac1d57" }, { - "key": "gen_ai.planning.complexity", + "key": "gen_ai.agent.name", "type": "string", - "value": "simple" + "value": "planner" }, { - "key": "gen_ai.planning.stage", + "key": "gen_ai.operation.name", "type": "string", - "value": "interaction_control" + "value": "group_chat_agent_message.invoke" }, { - "key": "gen_ai.planning.type", + "key": "group_chat.component", "type": "string", - "value": "user_input_assessment" + "value": "agent_message_handler" }, { - "key": "otel.scope.name", + "key": "group_chat.operation", "type": "string", - "value": "__main__" + "value": "invoke" }, { - "key": "planning.decision", - "type": "string", - "value": "input_needed" + "key": "operation.no_result", + "type": "bool", + "value": true }, { - "key": "planning.decision_reasoning", + "key": "otel.scope.name", "type": "string", - "value": "The planning is complete and detailed, but confirmation from the user is needed before proceeding with bookings and reservations." + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -1326,136 +1271,94 @@ "value": "internal" } ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "86bdb7742d286f03", - "operationName": "agent_runtime publish 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "cbc653133e3ec563" - } - ], - "startTime": 1750803431456458, - "duration": 18790695, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "publish" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, + "logs": [ { - "key": "span.kind", - "type": "string", - "value": "producer" + "timestamp": 1751314093188812, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.agent_invoke" + }, + { + "key": "event.type", + "type": "string", + "value": "agent_invocation" + }, + { + "key": "operation.phase", + "type": "string", + "value": "invoke" + } + ] } ], - "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "643d03edf2763875", - "operationName": "agent_runtime process flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "11cf3c7004f32fce", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "9192f4ec16bf3ea7" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "a607885774edeee4" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "39fc851047fa7bf6" } ], - "startTime": 1750803450247244, - "duration": 166, + "startTime": 1751314102331799, + "duration": 990268, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", "type": "string", - "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "chat.completions" }, { - "key": "messaging.operation", + "key": "gen_ai.request.model", "type": "string", - "value": "process" + "value": "gpt-4.1-mini" }, { - "key": "otel.scope.name", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "FinishReason.STOP" }, { - "key": "span.kind", + "key": "gen_ai.response.id", "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "f2d5bb5a6f55abc0", - "operationName": "agent_runtime process planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", - "references": [ + "value": "chatcmpl-BoF5a1DT9D2GYqt6EPsznvFx5W3UX" + }, { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "20da664b34af6677" + "key": "gen_ai.system", + "type": "string", + "value": "openai" }, { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "7c63fec3d33969e2" - } - ], - "startTime": 1750803456643300, - "duration": 89, - "tags": [ + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1440 + }, { - "key": "messaging.destination", - "type": "string", - "value": "planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 74 }, { - "key": "messaging.operation", + "key": "otel.scope.name", "type": "string", - "value": "process" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" }, { - "key": "otel.scope.name", + "key": "server.address", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -1463,161 +1366,298 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "a40ce9adbda6f2cd", - "operationName": "agent_initialization", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "2388c73ebf76d864", + "operationName": "group_chat_manager.determine_state_and_take_action", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d5b3ed02f14f0853" } ], - "startTime": 1750803428680619, - "duration": 80737, + "startTime": 1751314100682165, + "duration": 3567449, "tags": [ - { - "key": "agents.count", - "type": "int64", - "value": 6 - }, - { - "key": "agents.names", - "type": "string", - "value": "[\"conversation_manager\",\"planner\",\"router\",\"destination_expert\",\"flight_agent\",\"hotel_agent\"]" - }, { "key": "gen_ai.operation.name", "type": "string", - "value": "execute_task" + "value": "group_chat_manager.determine_state_and_take_action" }, { - "key": "gen_ai.task.description", + "key": "group_chat.component", "type": "string", - "value": "Initialize multi-agent system" + "value": "manager" }, { - "key": "gen_ai.task.id", + "key": "group_chat.operation", "type": "string", - "value": "agent_setup_001" + "value": "determine_state_and_take_action" }, { - "key": "otel.scope.name", + "key": "langfuse.component", "type": "string", - "value": "__main__" + "value": "group_chat_manager" }, { - "key": "span.kind", + "key": "langfuse.operation", "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "7f480d12c5ea7465", - "operationName": "agent_runtime send flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" + "value": "determine_state_and_take_action" }, { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "c6fce3ff4a74270c" - } - ], - "startTime": 1750803428801045, - "duration": 150, - "tags": [ + "key": "langfuse.success", + "type": "bool", + "value": true + }, { - "key": "messaging.destination", + "key": "manager.id", "type": "string", - "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "GroupChatManagerActor_b18281f3cfae4704ae0ccdec4737ab33/default" }, { - "key": "messaging.operation", - "type": "string", - "value": "publish" + "key": "operation.success", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2713a1ac8bfc72a3", - "operationName": "chat.streaming_completions gpt-4.1-mini", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" - } - ], - "startTime": 1750803432701483, - "duration": 3683632, - "tags": [ + "logs": [ { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.streaming_completions" + "timestamp": 1751314100682180, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.planning" + }, + { + "key": "event.type", + "type": "string", + "value": "coordination_planning" + }, + { + "key": "langfuse.planning", + "type": "bool", + "value": true + }, + { + "key": "operation.phase", + "type": "string", + "value": "planning" + }, + { + "key": "planning.type", + "type": "string", + "value": "state_determination" + } + ] }, { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4.1-mini" + "timestamp": 1751314100682212, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.prompt" + }, + { + "key": "gen_ai.prompt", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local \nAuthorRole.USER: Transferred to flight_agent\nAuthorRole.ASSISTANT: Here's my detailed reasoning and plan for the Bali trip for a family of 4 from Seattle with a $5000 budget:\n\n1. Budget Allocation:\n- Flights: Approx $1600 (4 people round trip, $400 each)\n- Hotel: App" + }, + { + "key": "input.message_count", + "type": "int64", + "value": 5 + }, + { + "key": "input.message_type", + "type": "string", + "value": "conversation_history" + }, + { + "key": "input.recent_message_count", + "type": "int64", + "value": 5 + }, + { + "key": "input.source", + "type": "string", + "value": "group_chat_history" + }, + { + "key": "langfuse.conversation", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local \nAuthorRole.USER: Transferred to flight_agent\nAuthorRole.ASSISTANT: Here's my detailed reasoning and plan for the Bali trip for a family of 4 from Seattle with a $5000 budget:\n\n1. Budget Allocation:\n- Flights: Approx $1600 (4 people round trip, $400 each)\n- Hotel: App" + }, + { + "key": "langfuse.input", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local \nAuthorRole.USER: Transferred to flight_agent\nAuthorRole.ASSISTANT: Here's my detailed reasoning and plan for the Bali trip for a family of 4 from Seattle with a $5000 budget:\n\n1. Budget Allocation:\n- Flights: Approx $1600 (4 people round trip, $400 each)\n- Hotel: App" + } + ] }, { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.TOOL_CALLS" + "timestamp": 1751314100682219, + "fields": [ + { + "key": "event", + "type": "string", + "value": "input.last_message" + }, + { + "key": "context.type", + "type": "string", + "value": "immediate_context" + }, + { + "key": "last.agent", + "type": "string", + "value": "flight_agent" + }, + { + "key": "last.message", + "type": "string", + "value": "Here's my detailed reasoning and plan for the Bali trip for a family of 4 from Seattle with a $5000 budget:\n\n1. Budget Allocation:\n- Flights: Approx $1600 (4 people round trip, $400 each)\n- Hotel: Approx $1000 (5 nights, family room or 2 rooms)\n- Food (vegetarian): Approx $400 ($20 per person/day)\n- Activities & local transport: Approx $600\n- Miscellaneous/Buffer: $400\nTotal = $5000\n\n2. Flights Search:\nSearching for round trip flights Seattle to Bali (Denpasar) from July 30 to August 4, 2025, ke" + }, + { + "key": "last.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + } + ] }, { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-Bm6EyKl33Y6siIEIqmsUb949S581O" + "timestamp": 1751314100682244, + "fields": [ + { + "key": "event", + "type": "string", + "value": "planning.participants" + }, + { + "key": "participant.count", + "type": "int64", + "value": 3 + }, + { + "key": "participant.names", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "participants", + "type": "string", + "value": "{\"planner\": \"Creates comprehensive travel plans including flights, hotels, and activities\", \"flight_agent\": \"Specializes in flight booking\", \"hotel_agent\": \"Specializes in hotel booking\"}" + } + ] }, { - "key": "gen_ai.system", - "type": "string", - "value": "openai" + "timestamp": 1751314104249587, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.coordination_decision" + }, + { + "key": "coordination.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "coordination.success", + "type": "bool", + "value": true + }, + { + "key": "event.type", + "type": "string", + "value": "coordination_completed" + }, + { + "key": "langfuse.coordination", + "type": "string", + "value": "Agent coordination decision completed" + }, + { + "key": "planning.decision_made", + "type": "bool", + "value": true + } + ] }, { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 277 - }, + "timestamp": 1751314104249602, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.planning.decision" + }, + { + "key": "langfuse.plan", + "type": "string", + "value": "Group chat coordination decision for determine_state_and_take_action" + }, + { + "key": "planning.completed", + "type": "bool", + "value": true + }, + { + "key": "planning.component", + "type": "string", + "value": "group_chat_manager" + }, + { + "key": "planning.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "planning.type", + "type": "string", + "value": "overall_coordination" + } + ] + } + ], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "b6c9dbf7bbe15524", + "operationName": "AutoFunctionInvocationLoop", + "references": [ { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 403 - }, + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "81d5a88fa540b5ae" + } + ], + "startTime": 1751314111230307, + "duration": 1208862, + "tags": [ { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" }, { - "key": "server.address", + "key": "sk.available_functions", "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" + "value": "" }, { "key": "span.kind", @@ -1630,43 +1670,43 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "5e3b3ef6a23da5d9", - "operationName": "execute_tool PlanningPlugin-search_flights", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "233e5f3ce9e0bb7a", + "operationName": "invoke_agent hotel_agent", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "ae02f3914566f0ab" } ], - "startTime": 1750803436392460, - "duration": 222, + "startTime": 1751314104250841, + "duration": 6945746, "tags": [ { - "key": "gen_ai.operation.name", + "key": "gen_ai.agent.description", "type": "string", - "value": "execute_tool" + "value": "Specializes in hotel booking" }, { - "key": "gen_ai.tool.call.id", + "key": "gen_ai.agent.id", "type": "string", - "value": "call_QYxJTOSAqpBDajyhyNEidY2n" + "value": "d155cfa7-89ea-47d6-a912-5e348e5d086e" }, { - "key": "gen_ai.tool.description", + "key": "gen_ai.agent.name", "type": "string", - "value": "Search for available flights." + "value": "hotel_agent" }, { - "key": "gen_ai.tool.name", + "key": "gen_ai.operation.name", "type": "string", - "value": "PlanningPlugin-search_flights" + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.functions.kernel_function" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", @@ -1679,48 +1719,43 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "a668445a693abba6", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "75a5e2fbafb1fb67", + "operationName": "agent_initialization", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803436393382, - "duration": 13, + "startTime": 1751314078788643, + "duration": 82312, "tags": [ { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" + "key": "agents.count", + "type": "int64", + "value": 6 }, { - "key": "gen_ai.memory.source_type", + "key": "agents.names", "type": "string", - "value": "streaming_response" + "value": "[\"conversation_manager\",\"planner\",\"router\",\"destination_expert\",\"flight_agent\",\"hotel_agent\"]" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "memory_operation" + "value": "execute_task" }, { - "key": "message.agent_name", + "key": "gen_ai.task.description", "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 1413 + "value": "Initialize multi-agent system" }, { - "key": "message.processing_complete", - "type": "bool", - "value": true + "key": "gen_ai.task.id", + "type": "string", + "value": "agent_setup_001" }, { "key": "otel.scope.name", @@ -1738,43 +1773,38 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "c5bc8639188c4774", - "operationName": "invoke_agent planner", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "0ef73aaa385af7b5", + "operationName": "orchestration_setup", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e74d32046b225772" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803431456908, - "duration": 18758447, + "startTime": 1751314078871000, + "duration": 38162, "tags": [ { - "key": "gen_ai.agent.description", - "type": "string", - "value": "Creates comprehensive travel plans including flights, hotels, and activities" - }, - { - "key": "gen_ai.agent.id", + "key": "gen_ai.operation.name", "type": "string", - "value": "22aff641-081c-4ef3-a073-b15ff7662eb1" + "value": "execute_task" }, { - "key": "gen_ai.agent.name", + "key": "gen_ai.task.description", "type": "string", - "value": "planner" + "value": "Setup group chat orchestration" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.task.id", "type": "string", - "value": "invoke_agent" + "value": "orchestration_setup_001" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + "value": "__main__" }, { "key": "span.kind", @@ -1787,43 +1817,33 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "1bd4b5f3be1544a6", - "operationName": "agent_runtime process flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "06168b6ffbcf5f83", + "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "20da664b34af6677" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "7c63fec3d33969e2" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "8d307cf1576165aa" } ], - "startTime": 1750803456643425, - "duration": 70, + "startTime": 1751314080295073, + "duration": 711105, "tags": [ { - "key": "messaging.destination", - "type": "string", - "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" - }, - { - "key": "messaging.operation", + "key": "otel.scope.name", "type": "string", - "value": "process" + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" }, { - "key": "otel.scope.name", + "key": "sk.available_functions", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -1831,63 +1851,43 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "84dc02dd585a8fa9", - "operationName": "chat.completions gpt-4.1-mini", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "07f6c8fb11235a48", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "ef22b2a34c50407c" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "6886b1a8bcfd7a50" } ], - "startTime": 1750803458237762, - "duration": 1899677, + "startTime": 1751314091465464, + "duration": 688747, "tags": [ { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", + "key": "gen_ai.agent.description", "type": "string", - "value": "gpt-4.1-mini" + "value": "The manager of the group chat, responsible for coordinating the agents." }, { - "key": "gen_ai.response.finish_reason", + "key": "gen_ai.agent.id", "type": "string", - "value": "FinishReason.STOP" + "value": "b45c5348-2a73-42b9-b3e2-0e0ff1ead8fa" }, { - "key": "gen_ai.response.id", + "key": "gen_ai.agent.name", "type": "string", - "value": "chatcmpl-Bm6FOrhQtsobI5zISgnCyHwuMlbal" + "value": "Manager" }, { - "key": "gen_ai.system", + "key": "gen_ai.operation.name", "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 1900 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 203 + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", @@ -1900,38 +1900,43 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "772d80eb38697630", - "operationName": "orchestration_setup", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "2b0c0f62f645fcfe", + "operationName": "invoke_agent flight_agent", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "f83e884cf891cfbd" } ], - "startTime": 1750803428761387, - "duration": 36504, + "startTime": 1751314093189034, + "duration": 7479603, "tags": [ { - "key": "gen_ai.operation.name", + "key": "gen_ai.agent.description", "type": "string", - "value": "execute_task" + "value": "Specializes in flight booking" }, { - "key": "gen_ai.task.description", + "key": "gen_ai.agent.id", "type": "string", - "value": "Setup group chat orchestration" + "value": "9de47b69-e5a9-4825-8628-d2ae5c548854" }, { - "key": "gen_ai.task.id", + "key": "gen_ai.agent.name", "type": "string", - "value": "orchestration_setup_001" + "value": "flight_agent" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", @@ -1944,58 +1949,43 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "4a15a3d5b7f00abb", - "operationName": "planning_user_input_assessment", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "fcaf7ffaf8760ef2", + "operationName": "execute_tool HotelPlugin-book_hotel", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "3d929332712f5494" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "375d6f188df74451" } ], - "startTime": 1750803428801965, - "duration": 21, + "startTime": 1751314109183617, + "duration": 114, "tags": [ - { - "key": "chat.last_message_role", - "type": "string", - "value": "AuthorRole.USER" - }, - { - "key": "chat.message_count", - "type": "int64", - "value": 1 - }, { "key": "gen_ai.operation.name", "type": "string", - "value": "plan_task" + "value": "execute_tool" }, { - "key": "gen_ai.planning.complexity", + "key": "gen_ai.tool.call.id", "type": "string", - "value": "simple" + "value": "call_NO5dpEBlUGojLiPnKB0gk2qI" }, { - "key": "gen_ai.planning.stage", + "key": "gen_ai.tool.description", "type": "string", - "value": "interaction_control" + "value": "Book a specific hotel." }, { - "key": "gen_ai.planning.type", + "key": "gen_ai.tool.name", "type": "string", - "value": "user_input_assessment" + "value": "HotelPlugin-book_hotel" }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" - }, - { - "key": "planning.decision", - "type": "string", - "value": "no_input_needed_recent" + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", @@ -2008,53 +1998,58 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "df319ea5c087797f", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "90b0239154b7bf1b", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803432701352, - "duration": 6, + "startTime": 1751314233134196, + "duration": 95, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.agent.description", "type": "string", - "value": "write" + "value": "Creates comprehensive travel plans including flights, hotels, and activities" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.agent.id", "type": "string", - "value": "streaming_response" + "value": "423f3df4-872b-4359-9ef3-2d2c76ac1d57" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "planner" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "memory_operation" + "value": "group_chat_agent_message.handle_response_message" }, { - "key": "message.agent_name", + "key": "group_chat.component", "type": "string", - "value": "planner" + "value": "agent_message_handler" }, { - "key": "message.content_length", - "type": "int64", - "value": 0 + "key": "group_chat.operation", + "type": "string", + "value": "handle_response_message" }, { - "key": "message.processing_complete", + "key": "operation.no_result", "type": "bool", "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -2067,43 +2062,33 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "6ee5fd7ce824f347", - "operationName": "agent_runtime process planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "41e36a0bc822fd7a", + "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e4af34711be412f4" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "6c5ce4dc73a92ea1" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "13985557b7dfb56d" } ], - "startTime": 1750803428800893, - "duration": 82, + "startTime": 1751314234990910, + "duration": 2491953, "tags": [ { - "key": "messaging.destination", - "type": "string", - "value": "planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" - }, - { - "key": "messaging.operation", + "key": "otel.scope.name", "type": "string", - "value": "process" + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" }, { - "key": "otel.scope.name", + "key": "sk.available_functions", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -2111,43 +2096,68 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "ec079a78166d47b2", - "operationName": "agent_runtime process hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "2c1f3795898ad34a", + "operationName": "planning_user_input_assessment", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "86bdb7742d286f03" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "cbc653133e3ec563" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "2388c73ebf76d864" } ], - "startTime": 1750803431459692, - "duration": 60, + "startTime": 1751314100702133, + "duration": 1597473, "tags": [ { - "key": "messaging.destination", + "key": "chat.last_message_role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "chat.message_count", + "type": "int64", + "value": 5 + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "plan_task" + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "simple" + }, + { + "key": "gen_ai.planning.stage", "type": "string", - "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "interaction_control" }, { - "key": "messaging.operation", + "key": "gen_ai.planning.type", "type": "string", - "value": "process" + "value": "user_input_assessment" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "continue_conversation" + }, + { + "key": "planning.decision_reasoning", + "type": "string", + "value": "The planner and flight agent have gathered necessary details and proposed a plan including flights, hotel options, and activities. They are now waiting for confirmation to proceed with the hotel booking and final itinerary, but no further user input is required at this time unless the user wants to approve or modify the plan." }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -2155,43 +2165,33 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "bc0102572427f90d", - "operationName": "agent_runtime create GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "2dc6abd561a76333", + "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "9650d55c794929ad" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "77744963fd7dd818" } ], - "startTime": 1750803428801674, - "duration": 2658278, + "startTime": 1751314103387101, + "duration": 859572, "tags": [ { - "key": "messaging.destination", - "type": "string", - "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" - }, - { - "key": "messaging.message.type", - "type": "string", - "value": "GroupChatStartMessage" - }, - { - "key": "messaging.operation", + "key": "otel.scope.name", "type": "string", - "value": "create" + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" }, { - "key": "otel.scope.name", + "key": "sk.available_functions", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -2199,66 +2199,46 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "8885d0654e5cb757", - "operationName": "chat.completions gpt-4.1-mini", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "81d5a88fa540b5ae", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "eb4ae25565f17984" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "1f6db770a63801cd" } ], - "startTime": 1750803428805434, - "duration": 1818238, + "startTime": 1751314111230039, + "duration": 1209301, "tags": [ { - "key": "gen_ai.operation.name", + "key": "gen_ai.agent.description", "type": "string", - "value": "chat.completions" + "value": "The manager of the group chat, responsible for coordinating the agents." }, { - "key": "gen_ai.request.model", + "key": "gen_ai.agent.id", "type": "string", - "value": "gpt-4.1-mini" + "value": "b45c5348-2a73-42b9-b3e2-0e0ff1ead8fa" }, { - "key": "gen_ai.response.finish_reason", + "key": "gen_ai.agent.name", "type": "string", - "value": "FinishReason.STOP" + "value": "Manager" }, { - "key": "gen_ai.response.id", + "key": "gen_ai.operation.name", "type": "string", - "value": "chatcmpl-Bm6Evfkloiw4yy2moTx9Ojts5vjbt" + "value": "invoke_agent" }, { - "key": "gen_ai.system", + "key": "otel.scope.name", "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 235 - }, - { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 73 + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" - }, - { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" - }, - { - "key": "span.kind", + "key": "span.kind", "type": "string", "value": "internal" } @@ -2268,97 +2248,53 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "5f6f01c202e576d4", - "operationName": "AutoFunctionInvocationLoop", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "0871ca76e2a68eec", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "574f2c75097411bf" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "266658642b1670bc" } ], - "startTime": 1750803430624033, - "duration": 831325, + "startTime": 1751314097031471, + "duration": 81, "tags": [ { - "key": "otel.scope.name", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + "value": "write" }, { - "key": "sk.available_functions", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "" + "value": "streaming_response" }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "3d929332712f5494", - "operationName": "group_chat_manager.determine_state_and_take_action", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "4ae982a51e1ec363" - } - ], - "startTime": 1750803428801879, - "duration": 2654279, - "tags": [ { "key": "gen_ai.operation.name", "type": "string", - "value": "group_chat_manager.determine_state_and_take_action" - }, - { - "key": "group_chat.component", - "type": "string", - "value": "manager" - }, - { - "key": "group_chat.operation", - "type": "string", - "value": "determine_state_and_take_action" - }, - { - "key": "langfuse.component", - "type": "string", - "value": "group_chat_manager" + "value": "memory_operation" }, { - "key": "langfuse.operation", + "key": "message.agent_name", "type": "string", - "value": "determine_state_and_take_action" - }, - { - "key": "langfuse.success", - "type": "bool", - "value": true + "value": "flight_agent" }, { - "key": "manager.id", - "type": "string", - "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c/default" + "key": "message.content_length", + "type": "int64", + "value": 1005 }, { - "key": "operation.success", + "key": "message.processing_complete", "type": "bool", "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" }, { "key": "span.kind", @@ -2368,197 +2304,62 @@ ], "logs": [ { - "timestamp": 1750803428801888, - "fields": [ - { - "key": "event", - "type": "string", - "value": "group_chat.planning" - }, - { - "key": "event.type", - "type": "string", - "value": "coordination_planning" - }, - { - "key": "langfuse.planning", - "type": "bool", - "value": true - }, - { - "key": "operation.phase", - "type": "string", - "value": "planning" - }, - { - "key": "planning.type", - "type": "string", - "value": "state_determination" - } - ] - }, - { - "timestamp": 1750803428801897, + "timestamp": 1751314097031518, "fields": [ { "key": "event", "type": "string", - "value": "gen_ai.content.prompt" + "value": "gen_ai.content.completion" }, { - "key": "gen_ai.prompt", + "key": "gen_ai.assistant.message", "type": "string", - "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have " - }, - { - "key": "input.message_count", - "type": "int64", - "value": 1 + "value": "Here's my detailed reasoning and plan for the Bali trip for a family of 4 from Seattle with a $5000 budget:\n\n1. Budget Allocation:\n- Flights: Approx $1600 (4 people round trip, $400 each)\n- Hotel: Approx $1000 (5 nights, family room or 2 rooms)\n- Food (vegetarian): Approx $400 ($20 per person/day)\n- Activities & local transport: Approx $600\n- Miscellaneous/Buffer: $400\nTotal = $5000\n\n2. Flights Search:\nSearching for round trip flights Seattle to Bali (Denpasar) from July 30 to August 4, 2025, keeping costs as low as possible, preferably around $400 per person. I will find suitable flight options now.\n\n3. Hotel Search:\nLook for vegetarian-friendly hotels or resorts with good reviews for families, ideally with kitchen facilities or vegetarian options on-site, around $200 per night. \n\n4. Activities:\nPlan local sightseeing such as beach days, cultural visits, nature trips suitable for kids, easy hiking, vegetarian restaurants visits, and relaxation time.\n\nLet me start by finding flight opt" }, { - "key": "input.message_type", + "key": "gen_ai.completion", "type": "string", - "value": "conversation_history" - }, - { - "key": "input.recent_message_count", - "type": "int64", - "value": 1 + "value": "Here's my detailed reasoning and plan for the Bali trip for a family of 4 from Seattle with a $5000 budget:\n\n1. Budget Allocation:\n- Flights: Approx $1600 (4 people round trip, $400 each)\n- Hotel: Approx $1000 (5 nights, family room or 2 rooms)\n- Food (vegetarian): Approx $400 ($20 per person/day)\n- Activities & local transport: Approx $600\n- Miscellaneous/Buffer: $400\nTotal = $5000\n\n2. Flights Search:\nSearching for round trip flights Seattle to Bali (Denpasar) from July 30 to August 4, 2025, keeping costs as low as possible, preferably around $400 per person. I will find suitable flight options now.\n\n3. Hotel Search:\nLook for vegetarian-friendly hotels or resorts with good reviews for families, ideally with kitchen facilities or vegetarian options on-site, around $200 per night. \n\n4. Activities:\nPlan local sightseeing such as beach days, cultural visits, nature trips suitable for kids, easy hiking, vegetarian restaurants visits, and relaxation time.\n\nLet me start by finding flight opt" }, { - "key": "input.source", + "key": "output.agent", "type": "string", - "value": "group_chat_history" + "value": "flight_agent" }, { - "key": "langfuse.conversation", + "key": "output.role", "type": "string", - "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have " + "value": "AuthorRole.ASSISTANT" }, { - "key": "langfuse.input", + "key": "output.type", "type": "string", - "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have " + "value": "streaming_final" } ] }, { - "timestamp": 1750803428801920, + "timestamp": 1751314097031549, "fields": [ { "key": "event", "type": "string", - "value": "input.last_message" - }, - { - "key": "context.type", - "type": "string", - "value": "immediate_context" - }, - { - "key": "last.message", - "type": "string", - "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookin" + "value": "gen_ai.tool.calls" }, { - "key": "last.role", - "type": "string", - "value": "AuthorRole.USER" - } - ] - }, - { - "timestamp": 1750803428801930, - "fields": [ - { - "key": "event", + "key": "agent", "type": "string", - "value": "planning.participants" + "value": "flight_agent" }, { - "key": "participant.count", + "key": "tool.call_count", "type": "int64", - "value": 3 - }, - { - "key": "participant.names", - "type": "string", - "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" - }, - { - "key": "participants", - "type": "string", - "value": "{\"planner\": \"Creates comprehensive travel plans including flights, hotels, and activities\", \"flight_agent\": \"Specializes in flight booking\", \"hotel_agent\": \"Specializes in hotel booking\"}" - } - ] - }, - { - "timestamp": 1750803431456136, - "fields": [ - { - "key": "event", - "type": "string", - "value": "group_chat.coordination_decision" - }, - { - "key": "coordination.operation", - "type": "string", - "value": "determine_state_and_take_action" - }, - { - "key": "coordination.success", - "type": "bool", - "value": true - }, - { - "key": "event.type", - "type": "string", - "value": "coordination_completed" - }, - { - "key": "langfuse.coordination", - "type": "string", - "value": "Agent coordination decision completed" - }, - { - "key": "planning.decision_made", - "type": "bool", - "value": true - } - ] - }, - { - "timestamp": 1750803431456149, - "fields": [ - { - "key": "event", - "type": "string", - "value": "gen_ai.planning.decision" - }, - { - "key": "langfuse.plan", - "type": "string", - "value": "Group chat coordination decision for determine_state_and_take_action" - }, - { - "key": "planning.completed", - "type": "bool", - "value": true - }, - { - "key": "planning.component", - "type": "string", - "value": "group_chat_manager" - }, - { - "key": "planning.operation", - "type": "string", - "value": "determine_state_and_take_action" + "value": 2 }, { - "key": "planning.type", + "key": "tool.calls", "type": "string", - "value": "overall_coordination" + "value": "[{\"function\": \"FlightPlugin-book_flight\", \"arguments\": \"{\\\"flight_id\\\": \\\"search_SEA_DPS_20250730_4ppl\\\"}\"}, {\"function\": \"FlightPlugin-book_flight\", \"arguments\": \"{\\\"flight_id\\\": \\\"search_DPS_SEA_20250804_4ppl\\\"}\"}]" } ] } @@ -2567,48 +2368,117 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "b8039bb788579007", - "operationName": "group_chat_agent_message.invoke", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "4b55cc20ff678dc4", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "ec079a78166d47b2" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "1752405c5ccc0ebf" } ], - "startTime": 1750803431459719, - "duration": 23, + "startTime": 1751314091465748, + "duration": 688343, "tags": [ { - "key": "gen_ai.agent.description", + "key": "gen_ai.operation.name", "type": "string", - "value": "Specializes in hotel booking" + "value": "chat.completions" }, { - "key": "gen_ai.agent.id", + "key": "gen_ai.request.model", "type": "string", - "value": "c1e9b819-1310-4733-b8c3-7c4db716a332" + "value": "gpt-4.1-mini" }, { - "key": "gen_ai.agent.name", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "hotel_agent" + "value": "FinishReason.STOP" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.response.id", "type": "string", - "value": "group_chat_agent_message.invoke" + "value": "chatcmpl-BoF5PtzNZQ3zm6YsuTegoyYi509RC" }, { - "key": "group_chat.component", + "key": "gen_ai.system", "type": "string", - "value": "agent_message_handler" + "value": "openai" }, { - "key": "group_chat.operation", - "type": "string", - "value": "invoke" + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 820 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 52 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "bf25bc93b64e7687", + "operationName": "group_chat_agent_message.handle_start_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" + } + ], + "startTime": 1751314078912320, + "duration": 33, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "Specializes in flight booking" + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "9de47b69-e5a9-4825-8628-d2ae5c548854" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "group_chat_agent_message.handle_start_message" + }, + { + "key": "group_chat.component", + "type": "string", + "value": "agent_message_handler" + }, + { + "key": "group_chat.operation", + "type": "string", + "value": "handle_start_message" }, { "key": "operation.no_result", @@ -2628,22 +2498,22 @@ ], "logs": [ { - "timestamp": 1750803431459736, + "timestamp": 1751314078912330, "fields": [ { "key": "event", "type": "string", - "value": "group_chat.agent_invoke" + "value": "group_chat.conversation_start" }, { "key": "event.type", "type": "string", - "value": "agent_invocation" + "value": "conversation_initialization" }, { "key": "operation.phase", "type": "string", - "value": "invoke" + "value": "start" } ] } @@ -2652,43 +2522,68 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "5f117e7431186cbf", - "operationName": "agent_runtime process flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "355a51772665821e", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "7f480d12c5ea7465" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "c6fce3ff4a74270c" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d7d76be02f2e7660" } ], - "startTime": 1750803428801129, - "duration": 49, + "startTime": 1751314078917097, + "duration": 1377158, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-mini" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", "type": "string", - "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "chatcmpl-BoF5DJXhhJaaebrIiKfQOEAXMHHJE" }, { - "key": "messaging.operation", + "key": "gen_ai.system", "type": "string", - "value": "process" + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 235 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 41 }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -2696,43 +2591,68 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "c52145caf326ded7", - "operationName": "agent_runtime create hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "4fb946dcf723d66d", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "9650d55c794929ad" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "ef6213d656ba75f1" } ], - "startTime": 1750803428800658, - "duration": 944, + "startTime": 1751314092171107, + "duration": 1013329, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-mini" + }, + { + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "FinishReason.STOP" }, { - "key": "messaging.message.type", + "key": "gen_ai.response.id", "type": "string", - "value": "GroupChatStartMessage" + "value": "chatcmpl-BoF5QSdQXUNStbAmFsm7pRf8riioB" }, { - "key": "messaging.operation", + "key": "gen_ai.system", "type": "string", - "value": "create" + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 927 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 59 }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -2740,43 +2660,58 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "0005c2d75f3fd77c", - "operationName": "invoke_agent Manager", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "5b5c0b3044ed5548", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "3d929332712f5494" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803428802399, - "duration": 1821336, + "startTime": 1751314090236743, + "duration": 116, "tags": [ { "key": "gen_ai.agent.description", "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." + "value": "Specializes in flight booking" }, { "key": "gen_ai.agent.id", "type": "string", - "value": "ac6d30f4-5249-41d1-b228-af3820bf0075" + "value": "9de47b69-e5a9-4825-8628-d2ae5c548854" }, { "key": "gen_ai.agent.name", "type": "string", - "value": "Manager" + "value": "flight_agent" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "invoke_agent" + "value": "group_chat_agent_message.handle_response_message" + }, + { + "key": "group_chat.component", + "type": "string", + "value": "agent_message_handler" + }, + { + "key": "group_chat.operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "operation.no_result", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -2789,53 +2724,58 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "a601a452487e1b0f", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "a2b531c3233846fe", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803436393782, - "duration": 24, + "startTime": 1751314100681840, + "duration": 109, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.agent.description", "type": "string", - "value": "write" + "value": "Creates comprehensive travel plans including flights, hotels, and activities" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.agent.id", "type": "string", - "value": "streaming_response" + "value": "423f3df4-872b-4359-9ef3-2d2c76ac1d57" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "planner" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "memory_operation" + "value": "group_chat_agent_message.handle_response_message" }, { - "key": "message.agent_name", + "key": "group_chat.component", "type": "string", - "value": "planner" + "value": "agent_message_handler" }, { - "key": "message.content_length", - "type": "int64", - "value": 0 + "key": "group_chat.operation", + "type": "string", + "value": "handle_response_message" }, { - "key": "message.processing_complete", + "key": "operation.no_result", "type": "bool", "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -2843,91 +2783,110 @@ "value": "internal" } ], - "logs": [ - { - "timestamp": 1750803436393803, - "fields": [ - { - "key": "event", - "type": "string", - "value": "gen_ai.tool.results" - }, - { - "key": "agent", - "type": "string", - "value": "planner" - }, - { - "key": "tool.result_count", - "type": "int64", - "value": 1 - }, - { - "key": "tool.results", - "type": "string", - "value": "[{\"function\": \"PlanningPlugin-search_hotels\", \"result\": \"Searching hotels in Bali from 2025-07-30 to 2025-08-04:\\n[{'hotel_id': 'HT123', 'name': 'Hotel Sunshine', 'price': '$150/night', 'accommodates': '2 people'}, {'hotel_id': 'HT456', 'name': 'Ocean View Resort', 'price': '$200/night', 'accommodates': '4 people'}, {'hotel_id': 'HT789', 'name': 'Mountain Retreat', 'price': '$180/night', 'accommodates': '2 people'}]\"}]" - } - ] - } - ], + "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "ef22b2a34c50407c", - "operationName": "AutoFunctionInvocationLoop", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "52090993a4b73d3f", + "operationName": "agent_selection_planning", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "af52548cb28d0bfa" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "2388c73ebf76d864" } ], - "startTime": 1750803458237738, - "duration": 1899741, + "startTime": 1751314103386740, + "duration": 860214, "tags": [ { - "key": "otel.scope.name", + "key": "agent.selection.available_agents", "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" }, { - "key": "sk.available_functions", + "key": "agent.selection.conversation_length", + "type": "int64", + "value": 5 + }, + { + "key": "agent.selection.reasoning", "type": "string", - "value": "" + "value": "The flight_agent has completed flight booking and recommended hotels. Next, the hotel_agent should take over to find and finalize the vegetarian-friendly hotel accommodations within the budget to proceed with bookings and coordination." }, { - "key": "span.kind", + "key": "agent.selection.selected", "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "4ae982a51e1ec363", - "operationName": "group_chat_manager.handle_start_message", - "references": [ + "value": "hotel_agent" + }, { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "42bcfb027dd03e49" - } - ], - "startTime": 1750803428801842, - "duration": 2654340, - "tags": [ + "key": "agent.selection.total_participants", + "type": "int64", + "value": 3 + }, { "key": "gen_ai.operation.name", "type": "string", - "value": "group_chat_manager.handle_start_message" + "value": "plan_task" }, { - "key": "group_chat.component", + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "moderate" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "agent_coordination" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "plan_task" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "agent_selected" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "8a8d36b471a8a2da", + "operationName": "group_chat_manager.handle_start_message", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" + } + ], + "startTime": 1751314078913189, + "duration": 2093869, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "group_chat_manager.handle_start_message" + }, + { + "key": "group_chat.component", "type": "string", "value": "manager" }, @@ -2954,7 +2913,7 @@ { "key": "manager.id", "type": "string", - "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c/default" + "value": "GroupChatManagerActor_b18281f3cfae4704ae0ccdec4737ab33/default" }, { "key": "operation.success", @@ -2974,7 +2933,7 @@ ], "logs": [ { - "timestamp": 1750803431456175, + "timestamp": 1751314081007043, "fields": [ { "key": "event", @@ -3008,43 +2967,82 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "cbc653133e3ec563", - "operationName": "agent_runtime create 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "1752405c5ccc0ebf", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "07f6c8fb11235a48" + } + ], + "startTime": 1751314091465718, + "duration": 688402, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "930535e71cf0975c", + "operationName": "execute_tool FlightPlugin-book_flight", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "3d929332712f5494" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "266658642b1670bc" } ], - "startTime": 1750803431455949, - "duration": 133, + "startTime": 1751314097030823, + "duration": 366, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", "type": "string", - "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" + "value": "call_7y9541HhjELRu0XtjWPCYuo3" }, { - "key": "messaging.message.type", + "key": "gen_ai.tool.description", "type": "string", - "value": "GroupChatRequestMessage" + "value": "Book a specific flight." }, { - "key": "messaging.operation", + "key": "gen_ai.tool.name", "type": "string", - "value": "create" + "value": "FlightPlugin-book_flight" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -3052,53 +3050,58 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "c31b4b43718350e4", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "ae02f3914566f0ab", + "operationName": "group_chat_agent_message.invoke", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803440255645, - "duration": 29, + "startTime": 1751314104250696, + "duration": 6955012, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.agent.description", "type": "string", - "value": "write" + "value": "Specializes in hotel booking" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.agent.id", "type": "string", - "value": "streaming_response" + "value": "d155cfa7-89ea-47d6-a912-5e348e5d086e" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "hotel_agent" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "memory_operation" + "value": "group_chat_agent_message.invoke" }, { - "key": "message.agent_name", + "key": "group_chat.component", "type": "string", - "value": "planner" + "value": "agent_message_handler" }, { - "key": "message.content_length", - "type": "int64", - "value": 0 + "key": "group_chat.operation", + "type": "string", + "value": "invoke" }, { - "key": "message.processing_complete", + "key": "operation.no_result", "type": "bool", "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -3108,27 +3111,22 @@ ], "logs": [ { - "timestamp": 1750803440255670, + "timestamp": 1751314104250714, "fields": [ { "key": "event", "type": "string", - "value": "gen_ai.tool.results" + "value": "group_chat.agent_invoke" }, { - "key": "agent", + "key": "event.type", "type": "string", - "value": "planner" - }, - { - "key": "tool.result_count", - "type": "int64", - "value": 1 + "value": "agent_invocation" }, { - "key": "tool.results", + "key": "operation.phase", "type": "string", - "value": "[{\"function\": \"PlanningPlugin-search_hotels\", \"result\": \"Searching hotels in Bali from 2025-07-30 to 2025-08-04:\\n[{'hotel_id': 'HT123', 'name': 'Hotel Sunshine', 'price': '$150/night', 'accommodates': '2 people'}, {'hotel_id': 'HT456', 'name': 'Ocean View Resort', 'price': '$200/night', 'accommodates': '4 people'}, {'hotel_id': 'HT789', 'name': 'Mountain Retreat', 'price': '$180/night', 'accommodates': '2 people'}]\"}]" + "value": "invoke" } ] } @@ -3137,63 +3135,53 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "b77b3f530627c33a", - "operationName": "chat.completions gpt-4.1-mini", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "9453d6d14c21c49a", + "operationName": "result_processing", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "0e52d2924a3c7bd3" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "bca6723e725625f9" } ], - "startTime": 1750803450272909, - "duration": 1363708, + "startTime": 1751314078911411, + "duration": 158576740, "tags": [ { - "key": "gen_ai.operation.name", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "chat.completions" + "value": "read" }, { - "key": "gen_ai.request.model", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "gpt-4.1-mini" + "value": "task_result" }, { - "key": "gen_ai.response.finish_reason", + "key": "gen_ai.operation.name", "type": "string", - "value": "FinishReason.STOP" + "value": "memory_operation" }, { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-Bm6FHlzOP1Q4mtbQ1HkxCJ4Gpb8MP" + "key": "memory.result_retrieved", + "type": "bool", + "value": true }, { - "key": "gen_ai.system", + "key": "otel.scope.name", "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 1897 + "value": "__main__" }, { - "key": "gen_ai.usage.output_tokens", + "key": "result.length", "type": "int64", - "value": 30 - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + "value": 1072 }, { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" + "key": "result.success", + "type": "bool", + "value": true }, { "key": "span.kind", @@ -3206,43 +3194,48 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "0b5e6ec8278703cc", - "operationName": "agent_runtime process hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "85a8f69fcc09b02f", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "9192f4ec16bf3ea7" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "a607885774edeee4" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "31cf6a33a1723aea" } ], - "startTime": 1750803450247468, - "duration": 83, + "startTime": 1751314090247966, + "duration": 1204284, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "b45c5348-2a73-42b9-b3e2-0e0ff1ead8fa" + }, + { + "key": "gen_ai.agent.name", "type": "string", - "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "Manager" }, { - "key": "messaging.operation", + "key": "gen_ai.operation.name", "type": "string", - "value": "process" + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -3250,58 +3243,73 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "d00dbc265dce1835", - "operationName": "group_chat_agent_message.handle_response_message", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "0797d8633e3e46e7", + "operationName": "agent_selection_planning", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "f2d5bb5a6f55abc0" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "6886b1a8bcfd7a50" } ], - "startTime": 1750803456643322, - "duration": 57, + "startTime": 1751314092170640, + "duration": 1014112, "tags": [ { - "key": "gen_ai.agent.description", + "key": "agent.selection.available_agents", "type": "string", - "value": "Creates comprehensive travel plans including flights, hotels, and activities" + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" }, { - "key": "gen_ai.agent.id", + "key": "agent.selection.conversation_length", + "type": "int64", + "value": 3 + }, + { + "key": "agent.selection.reasoning", "type": "string", - "value": "22aff641-081c-4ef3-a073-b15ff7662eb1" + "value": "The planner has outlined the budget and flight details but did not book the flights yet. The next logical step is for the flight_agent to find actual flight options, confirm availability, and make bookings for the family within the budget constraints." }, { - "key": "gen_ai.agent.name", + "key": "agent.selection.selected", "type": "string", - "value": "planner" + "value": "flight_agent" + }, + { + "key": "agent.selection.total_participants", + "type": "int64", + "value": 3 }, { "key": "gen_ai.operation.name", "type": "string", - "value": "group_chat_agent_message.handle_response_message" + "value": "plan_task" }, { - "key": "group_chat.component", + "key": "gen_ai.planning.complexity", "type": "string", - "value": "agent_message_handler" + "value": "moderate" }, { - "key": "group_chat.operation", + "key": "gen_ai.planning.stage", "type": "string", - "value": "handle_response_message" + "value": "agent_coordination" }, { - "key": "operation.no_result", - "type": "bool", - "value": true + "key": "gen_ai.planning.type", + "type": "string", + "value": "plan_task" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "agent_selected" }, { "key": "span.kind", @@ -3314,58 +3322,48 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "01ae2825d14e4262", - "operationName": "comprehensive_task_execution", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "1f6db770a63801cd", + "operationName": "planning_user_input_assessment", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "de6960c446082857" } ], - "startTime": 1750803428798024, - "duration": 31345346, + "startTime": 1751314111229940, + "duration": 1209467, "tags": [ { - "key": "gen_ai.operation.name", + "key": "chat.last_message_role", "type": "string", - "value": "execute_task" + "value": "AuthorRole.ASSISTANT" }, { - "key": "gen_ai.system", - "type": "string", - "value": "semantic_kernel_multi_agent" + "key": "chat.message_count", + "type": "int64", + "value": 7 }, { - "key": "gen_ai.task.assigned_agents", + "key": "gen_ai.operation.name", "type": "string", - "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + "value": "plan_task" }, { - "key": "gen_ai.task.constraints", + "key": "gen_ai.planning.complexity", "type": "string", - "value": "[\"budget:5000\",\"duration:5_days\",\"travelers:4\",\"dietary:vegetarian\"]" + "value": "simple" }, { - "key": "gen_ai.task.description", + "key": "gen_ai.planning.stage", "type": "string", - "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." + "value": "interaction_control" }, { - "key": "gen_ai.task.expected_output", + "key": "gen_ai.planning.type", "type": "string", - "value": "Complete travel plan with bookings" - }, - { - "key": "gen_ai.task.id", - "type": "string", - "value": "bali_trip_planning_001" - }, - { - "key": "gen_ai.task.status", - "type": "string", - "value": "completed" + "value": "user_input_assessment" }, { "key": "otel.scope.name", @@ -3373,34 +3371,19 @@ "value": "__main__" }, { - "key": "span.kind", + "key": "planning.decision", "type": "string", - "value": "internal" - }, - { - "key": "task.budget", - "type": "int64", - "value": 5000 + "value": "input_needed" }, { - "key": "task.destination", + "key": "planning.decision_reasoning", "type": "string", - "value": "Bali" + "value": "The hotel agent is awaiting user confirmation to finalize the hotel booking and proceed with detailed itinerary and activity bookings." }, { - "key": "task.duration_days", - "type": "int64", - "value": 5 - }, - { - "key": "task.expected_tool_usage", + "key": "span.kind", "type": "string", - "value": "[\"flight_search\",\"hotel_search\",\"planning_tools\"]" - }, - { - "key": "task.travelers", - "type": "int64", - "value": 4 + "value": "internal" } ], "logs": [], @@ -3408,53 +3391,28 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "212c16cf10592d4f", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "68c0fa8d8a1fdee8", + "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "59fc167c725db50c" } ], - "startTime": 1750803432701436, - "duration": 6, + "startTime": 1751314233131199, + "duration": 1776360, "tags": [ { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", + "key": "otel.scope.name", "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" }, { - "key": "otel.scope.name", + "key": "sk.available_functions", "type": "string", - "value": "__main__" + "value": "" }, { "key": "span.kind", @@ -3467,43 +3425,48 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "42bcfb027dd03e49", - "operationName": "agent_runtime process GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "13985557b7dfb56d", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "400527af5ef8bf75" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "bc0102572427f90d" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c45c3e30edaa3f05" } ], - "startTime": 1750803428801831, - "duration": 2654364, + "startTime": 1751314234990680, + "duration": 2492438, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "b45c5348-2a73-42b9-b3e2-0e0ff1ead8fa" + }, + { + "key": "gen_ai.agent.name", "type": "string", - "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "Manager" }, { - "key": "messaging.operation", + "key": "gen_ai.operation.name", "type": "string", - "value": "process" + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -3511,43 +3474,68 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e96cc275ba50cbc8", - "operationName": "execute_tool PlanningPlugin-search_hotels", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c45c3e30edaa3f05", + "operationName": "memory_operation_summary", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "de6960c446082857" } ], - "startTime": 1750803440254851, - "duration": 156, + "startTime": 1751314234979777, + "duration": 2503528, "tags": [ { - "key": "gen_ai.operation.name", + "key": "conversation.message_count", + "type": "int64", + "value": 8 + }, + { + "key": "gen_ai.memory.memory_type", "type": "string", - "value": "execute_tool" + "value": "working" }, { - "key": "gen_ai.tool.call.id", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "call_sAPBmQR6OA2TPyaNaufxSKWo" + "value": "write" }, { - "key": "gen_ai.tool.description", + "key": "gen_ai.memory.size_bytes", + "type": "int64", + "value": 1283620 + }, + { + "key": "gen_ai.memory.source_type", "type": "string", - "value": "Search for available hotels." + "value": "conversation_summary" }, { - "key": "gen_ai.tool.name", + "key": "gen_ai.operation.name", "type": "string", - "value": "PlanningPlugin-search_hotels" + "value": "memory_operation" + }, + { + "key": "memory.result_processed", + "type": "bool", + "value": true + }, + { + "key": "memory.summary_generated", + "type": "bool", + "value": true + }, + { + "key": "memory.summary_length", + "type": "int64", + "value": 1072 }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.functions.kernel_function" + "value": "__main__" }, { "key": "span.kind", @@ -3560,43 +3548,48 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "64fa8bfa51d5225c", - "operationName": "agent_runtime process hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "f710826efc8bd7a7", + "operationName": "execute_tool PlanningPlugin-search_flights", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "20da664b34af6677" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "7c63fec3d33969e2" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c6a941c11851f287" } ], - "startTime": 1750803456643522, - "duration": 40, + "startTime": 1751314085900060, + "duration": 309, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_5cinH5l5tIfzJeV4wL7AX4wg" + }, + { + "key": "gen_ai.tool.description", "type": "string", - "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "Search for available flights." }, { - "key": "messaging.operation", + "key": "gen_ai.tool.name", "type": "string", - "value": "process" + "value": "PlanningPlugin-search_flights" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -3604,38 +3597,38 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "d863084fb45fcac2", - "operationName": "group_chat_agent_message.handle_response_message", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "7cfdd6a8274a2757", + "operationName": "group_chat_agent_message.invoke", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "1bd4b5f3be1544a6" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803456643440, - "duration": 51, + "startTime": 1751314081007685, + "duration": 9228253, "tags": [ { "key": "gen_ai.agent.description", "type": "string", - "value": "Specializes in flight booking" + "value": "Creates comprehensive travel plans including flights, hotels, and activities" }, { "key": "gen_ai.agent.id", "type": "string", - "value": "035851b6-a48a-4067-8f30-11342f110c4c" + "value": "423f3df4-872b-4359-9ef3-2d2c76ac1d57" }, { "key": "gen_ai.agent.name", "type": "string", - "value": "flight_agent" + "value": "planner" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "group_chat_agent_message.handle_response_message" + "value": "group_chat_agent_message.invoke" }, { "key": "group_chat.component", @@ -3645,7 +3638,7 @@ { "key": "group_chat.operation", "type": "string", - "value": "handle_response_message" + "value": "invoke" }, { "key": "operation.no_result", @@ -3663,68 +3656,89 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1751314081007718, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.agent_invoke" + }, + { + "key": "event.type", + "type": "string", + "value": "agent_invocation" + }, + { + "key": "operation.phase", + "type": "string", + "value": "invoke" + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "c4159d30c1697885", - "operationName": "chat.completions gpt-4.1-mini", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "6886b1a8bcfd7a50", + "operationName": "group_chat_manager.determine_state_and_take_action", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "0cdd26e935a3fc9b" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "83f9e3290dcd7730" } ], - "startTime": 1750803456641449, - "duration": 1544065, + "startTime": 1751314090237088, + "duration": 2950883, "tags": [ { "key": "gen_ai.operation.name", "type": "string", - "value": "chat.completions" + "value": "group_chat_manager.determine_state_and_take_action" }, { - "key": "gen_ai.request.model", + "key": "group_chat.component", "type": "string", - "value": "gpt-4.1-mini" + "value": "manager" }, { - "key": "gen_ai.response.finish_reason", + "key": "group_chat.operation", "type": "string", - "value": "FinishReason.STOP" + "value": "determine_state_and_take_action" }, { - "key": "gen_ai.response.id", + "key": "langfuse.component", "type": "string", - "value": "chatcmpl-Bm6FNxFnkaFvneFpDN8UGL4drMfyk" + "value": "group_chat_manager" }, { - "key": "gen_ai.system", + "key": "langfuse.operation", "type": "string", - "value": "openai" + "value": "determine_state_and_take_action" }, { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 1902 + "key": "langfuse.success", + "type": "bool", + "value": true }, { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 58 + "key": "manager.id", + "type": "string", + "value": "GroupChatManagerActor_b18281f3cfae4704ae0ccdec4737ab33/default" }, { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + "key": "operation.success", + "type": "bool", + "value": true }, { - "key": "server.address", + "key": "otel.scope.name", "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -3732,107 +3746,254 @@ "value": "internal" } ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "9e10afdbd92246c2", - "operationName": "result_processing", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "01ae2825d14e4262" - } - ], - "startTime": 1750803428800181, - "duration": 31343132, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "read" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "task_result" - }, - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "memory_operation" - }, - { - "key": "memory.result_retrieved", - "type": "bool", - "value": true - }, + "logs": [ { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, + "timestamp": 1751314090237108, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.planning" + }, + { + "key": "event.type", + "type": "string", + "value": "coordination_planning" + }, + { + "key": "langfuse.planning", + "type": "bool", + "value": true + }, + { + "key": "operation.phase", + "type": "string", + "value": "planning" + }, + { + "key": "planning.type", + "type": "string", + "value": "state_determination" + } + ] + }, { - "key": "result.length", - "type": "int64", - "value": 714 + "timestamp": 1751314090237142, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.prompt" + }, + { + "key": "gen_ai.prompt", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local " + }, + { + "key": "input.message_count", + "type": "int64", + "value": 3 + }, + { + "key": "input.message_type", + "type": "string", + "value": "conversation_history" + }, + { + "key": "input.recent_message_count", + "type": "int64", + "value": 3 + }, + { + "key": "input.source", + "type": "string", + "value": "group_chat_history" + }, + { + "key": "langfuse.conversation", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local " + }, + { + "key": "langfuse.input", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have \nAuthorRole.USER: Transferred to planner\nAuthorRole.ASSISTANT: Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local " + } + ] }, { - "key": "result.success", - "type": "bool", - "value": true + "timestamp": 1751314090237151, + "fields": [ + { + "key": "event", + "type": "string", + "value": "input.last_message" + }, + { + "key": "context.type", + "type": "string", + "value": "immediate_context" + }, + { + "key": "last.agent", + "type": "string", + "value": "planner" + }, + { + "key": "last.message", + "type": "string", + "value": "Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local transportation\n\nEstimated budget breakdown:\n- Flights: $2000 (approx $500 per person round trip, since Bali flights can be expensive)\n- Hotels: $1000 (about $200 per night for a family room or 2 rooms)\n- Food: $400 ($20 per person per day, vegetarian meals can be affordable)\n- Activities and local t" + }, + { + "key": "last.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + } + ] }, { - "key": "span.kind", - "type": "string", - "value": "internal" + "timestamp": 1751314090237182, + "fields": [ + { + "key": "event", + "type": "string", + "value": "planning.participants" + }, + { + "key": "participant.count", + "type": "int64", + "value": 3 + }, + { + "key": "participant.names", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "participants", + "type": "string", + "value": "{\"planner\": \"Creates comprehensive travel plans including flights, hotels, and activities\", \"flight_agent\": \"Specializes in flight booking\", \"hotel_agent\": \"Specializes in hotel booking\"}" + } + ] + }, + { + "timestamp": 1751314093187937, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.coordination_decision" + }, + { + "key": "coordination.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "coordination.success", + "type": "bool", + "value": true + }, + { + "key": "event.type", + "type": "string", + "value": "coordination_completed" + }, + { + "key": "langfuse.coordination", + "type": "string", + "value": "Agent coordination decision completed" + }, + { + "key": "planning.decision_made", + "type": "bool", + "value": true + } + ] + }, + { + "timestamp": 1751314093187956, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.planning.decision" + }, + { + "key": "langfuse.plan", + "type": "string", + "value": "Group chat coordination decision for determine_state_and_take_action" + }, + { + "key": "planning.completed", + "type": "bool", + "value": true + }, + { + "key": "planning.component", + "type": "string", + "value": "group_chat_manager" + }, + { + "key": "planning.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "planning.type", + "type": "string", + "value": "overall_coordination" + } + ] } ], - "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e4af34711be412f4", - "operationName": "agent_runtime send planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "e42e37e31681098e", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "6c5ce4dc73a92ea1" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "2c1f3795898ad34a" } ], - "startTime": 1750803428800765, - "duration": 230, + "startTime": 1751314100702231, + "duration": 1597296, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", + "type": "string", + "value": "The manager of the group chat, responsible for coordinating the agents." + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "b45c5348-2a73-42b9-b3e2-0e0ff1ead8fa" + }, + { + "key": "gen_ai.agent.name", "type": "string", - "value": "planner_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "Manager" }, { - "key": "messaging.operation", + "key": "gen_ai.operation.name", "type": "string", - "value": "publish" + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -3840,53 +4001,43 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "b0eac141185a6eff", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "f845033ff758878e", + "operationName": "execute_tool HotelPlugin-book_hotel", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "375d6f188df74451" } ], - "startTime": 1750803440255699, - "duration": 11, + "startTime": 1751314109181733, + "duration": 1481, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.operation.name", "type": "string", - "value": "write" + "value": "execute_tool" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.tool.call.id", "type": "string", - "value": "streaming_response" + "value": "call_liGdhKnim4woxdV4BGmBVlS9" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.tool.description", "type": "string", - "value": "memory_operation" + "value": "Book a specific hotel." }, { - "key": "message.agent_name", + "key": "gen_ai.tool.name", "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true + "value": "HotelPlugin-book_hotel" }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", @@ -3899,33 +4050,33 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "08c0e94dfc28a73f", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "55d86a71bf1b5a90", "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "643d03edf2763875" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803450247281, - "duration": 116, + "startTime": 1751314111206039, + "duration": 48, "tags": [ { "key": "gen_ai.agent.description", "type": "string", - "value": "Specializes in flight booking" + "value": "Creates comprehensive travel plans including flights, hotels, and activities" }, { "key": "gen_ai.agent.id", "type": "string", - "value": "035851b6-a48a-4067-8f30-11342f110c4c" + "value": "423f3df4-872b-4359-9ef3-2d2c76ac1d57" }, { "key": "gen_ai.agent.name", "type": "string", - "value": "flight_agent" + "value": "planner" }, { "key": "gen_ai.operation.name", @@ -3963,18 +4114,18 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "d4a85064694beb23", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "59fc167c725db50c", "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "f39de0bd24092b1f" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "de6960c446082857" } ], - "startTime": 1750803456641161, - "duration": 1544483, + "startTime": 1751314233130899, + "duration": 1776804, "tags": [ { "key": "gen_ai.agent.description", @@ -3984,7 +4135,7 @@ { "key": "gen_ai.agent.id", "type": "string", - "value": "ac6d30f4-5249-41d1-b228-af3820bf0075" + "value": "b45c5348-2a73-42b9-b3e2-0e0ff1ead8fa" }, { "key": "gen_ai.agent.name", @@ -4012,63 +4163,58 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "8276c6f146c6750b", - "operationName": "group_chat_manager.handle_response_message", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "5966064b319ff670", + "operationName": "planning_user_input_assessment", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e3889f91ba633fee" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "970271ca7e97b987" } ], - "startTime": 1750803450247603, - "duration": 9895457, + "startTime": 1751314078913490, + "duration": 21, "tags": [ { - "key": "gen_ai.operation.name", + "key": "chat.last_message_role", "type": "string", - "value": "group_chat_manager.handle_response_message" + "value": "AuthorRole.USER" }, { - "key": "group_chat.component", - "type": "string", - "value": "manager" + "key": "chat.message_count", + "type": "int64", + "value": 1 }, { - "key": "group_chat.operation", + "key": "gen_ai.operation.name", "type": "string", - "value": "handle_response_message" + "value": "plan_task" }, { - "key": "langfuse.component", + "key": "gen_ai.planning.complexity", "type": "string", - "value": "group_chat_manager" + "value": "simple" }, { - "key": "langfuse.operation", + "key": "gen_ai.planning.stage", "type": "string", - "value": "handle_response_message" - }, - { - "key": "langfuse.success", - "type": "bool", - "value": true + "value": "interaction_control" }, { - "key": "manager.id", + "key": "gen_ai.planning.type", "type": "string", - "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c/default" + "value": "user_input_assessment" }, { - "key": "operation.success", - "type": "bool", - "value": true + "key": "otel.scope.name", + "type": "string", + "value": "__main__" }, { - "key": "otel.scope.name", + "key": "planning.decision", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "no_input_needed_recent" }, { "key": "span.kind", @@ -4076,79 +4222,142 @@ "value": "internal" } ], - "logs": [ + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "31cf6a33a1723aea", + "operationName": "planning_user_input_assessment", + "references": [ { - "timestamp": 1750803460143049, - "fields": [ - { - "key": "event", - "type": "string", - "value": "group_chat.message_handled" - }, - { - "key": "event.type", - "type": "string", - "value": "message_processing_complete" - }, - { - "key": "langfuse.message_handled", - "type": "bool", - "value": true - }, - { - "key": "message.operation", - "type": "string", - "value": "handle_response_message" - }, - { - "key": "message.success", - "type": "bool", - "value": true - } - ] + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "6886b1a8bcfd7a50" + } + ], + "startTime": 1751314090247835, + "duration": 1204448, + "tags": [ + { + "key": "chat.last_message_role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "chat.message_count", + "type": "int64", + "value": 3 + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "plan_task" + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "simple" + }, + { + "key": "gen_ai.planning.stage", + "type": "string", + "value": "interaction_control" + }, + { + "key": "gen_ai.planning.type", + "type": "string", + "value": "user_input_assessment" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "continue_conversation" + }, + { + "key": "planning.decision_reasoning", + "type": "string", + "value": "The assistant has all the necessary information to proceed with detailed daily itinerary and booking details for the Bali trip without further user input." + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" } ], + "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "400527af5ef8bf75", - "operationName": "agent_runtime send GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "2a515ff1c0591b1e", + "operationName": "chat.streaming_completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "bc0102572427f90d" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "266658642b1670bc" } ], - "startTime": 1750803428801749, - "duration": 2654499, + "startTime": 1751314097031915, + "duration": 3636428, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.streaming_completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-mini" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", "type": "string", - "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "chatcmpl-BoF5V2Ku3JBihN6trC6NC3zss1GhJ" }, { - "key": "messaging.operation", + "key": "gen_ai.system", "type": "string", - "value": "publish" + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 896 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 373 }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -4156,43 +4365,97 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "6dbf82c77729baf0", - "operationName": "execute_tool PlanningPlugin-search_flights", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "266658642b1670bc", + "operationName": "AutoFunctionInvocationLoop", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "2b0c0f62f645fcfe" + } + ], + "startTime": 1751314093189874, + "duration": 7478537, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "FlightPlugin-book_flight" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "6889d3ffa15ce894", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "b6c9dbf7bbe15524" } ], - "startTime": 1750803440254451, - "duration": 205, + "startTime": 1751314111230334, + "duration": 1208788, "tags": [ { "key": "gen_ai.operation.name", "type": "string", - "value": "execute_tool" + "value": "chat.completions" }, { - "key": "gen_ai.tool.call.id", + "key": "gen_ai.request.model", "type": "string", - "value": "call_j66vr5VX7MLIgJmPT9Ct11a9" + "value": "gpt-4.1-mini" }, { - "key": "gen_ai.tool.description", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "Search for available flights." + "value": "FinishReason.STOP" }, { - "key": "gen_ai.tool.name", + "key": "gen_ai.response.id", "type": "string", - "value": "PlanningPlugin-search_flights" + "value": "chatcmpl-BoF5kbtQNQR05jnaeDTc9WyzM2TBd" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1944 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 30 }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.functions.kernel_function" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -4205,53 +4468,63 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "27d6f91c930c8f16", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "e3c72a5451d47a1f", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "06168b6ffbcf5f83" } ], - "startTime": 1750803440255583, - "duration": 13, + "startTime": 1751314080295119, + "duration": 711019, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.operation.name", "type": "string", - "value": "write" + "value": "chat.completions" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.request.model", "type": "string", - "value": "streaming_response" + "value": "gpt-4.1-mini" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "memory_operation" + "value": "FinishReason.STOP" }, { - "key": "message.agent_name", + "key": "gen_ai.response.id", "type": "string", - "value": "planner" + "value": "chatcmpl-BoF5EpHKoazqri4VsUYXOLGavtLha" }, { - "key": "message.content_length", + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", "type": "int64", - "value": 0 + "value": 342 }, { - "key": "message.processing_complete", - "type": "bool", - "value": true + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 49 }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -4264,18 +4537,18 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "add2e0576dbe1cf8", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "b444d6f46d52638e", "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "f90d6fdf1e865d3c" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "0797d8633e3e46e7" } ], - "startTime": 1750803450272575, - "duration": 1364191, + "startTime": 1751314092170771, + "duration": 1013900, "tags": [ { "key": "gen_ai.agent.description", @@ -4285,7 +4558,7 @@ { "key": "gen_ai.agent.id", "type": "string", - "value": "ac6d30f4-5249-41d1-b228-af3820bf0075" + "value": "b45c5348-2a73-42b9-b3e2-0e0ff1ead8fa" }, { "key": "gen_ai.agent.name", @@ -4313,18 +4586,18 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "ed426310740cad3b", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d8db4e3b1c7ba598", "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "64fa8bfa51d5225c" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803456643532, - "duration": 26, + "startTime": 1751314090236921, + "duration": 47, "tags": [ { "key": "gen_ai.agent.description", @@ -4334,7 +4607,7 @@ { "key": "gen_ai.agent.id", "type": "string", - "value": "c1e9b819-1310-4733-b8c3-7c4db716a332" + "value": "d155cfa7-89ea-47d6-a912-5e348e5d086e" }, { "key": "gen_ai.agent.name", @@ -4377,198 +4650,58 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "a4ffc661408fd65f", - "operationName": "agent_runtime process flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "a693e851eae194cc", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "86bdb7742d286f03" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "cbc653133e3ec563" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803431459544, - "duration": 87, + "startTime": 1751314233134425, + "duration": 36, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", "type": "string", - "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "Specializes in hotel booking" }, { - "key": "messaging.operation", + "key": "gen_ai.agent.id", "type": "string", - "value": "process" + "value": "d155cfa7-89ea-47d6-a912-5e348e5d086e" }, { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "eb4ae25565f17984", - "operationName": "AutoFunctionInvocationLoop", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "0005c2d75f3fd77c" - } - ], - "startTime": 1750803428805397, - "duration": 1818286, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" - }, - { - "key": "sk.available_functions", - "type": "string", - "value": "" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "6cb7e8986b901a01", - "operationName": "streaming_message_final", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" - } - ], - "startTime": 1750803436393619, - "duration": 11, - "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.agent.name", "type": "string", - "value": "streaming_response" + "value": "hotel_agent" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "memory_operation" + "value": "group_chat_agent_message.handle_response_message" }, { - "key": "message.agent_name", + "key": "group_chat.component", "type": "string", - "value": "planner" + "value": "agent_message_handler" }, { - "key": "message.content_length", - "type": "int64", - "value": 0 + "key": "group_chat.operation", + "type": "string", + "value": "handle_response_message" }, { - "key": "message.processing_complete", + "key": "operation.no_result", "type": "bool", "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" - }, - { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "9192f4ec16bf3ea7", - "operationName": "agent_runtime publish 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "a607885774edeee4" - } - ], - "startTime": 1750803450246806, - "duration": 9896682, - "tags": [ - { - "key": "messaging.destination", - "type": "string", - "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" - }, - { - "key": "messaging.operation", - "type": "string", - "value": "publish" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "agent_runtime InProcessRuntime" - }, - { - "key": "span.kind", - "type": "string", - "value": "producer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "955f217c932cacee", - "operationName": "main", - "references": [], - "startTime": 1750803428680433, - "duration": 31463308, - "tags": [ - { - "key": "otel.scope.name", - "type": "string", - "value": "samples.demos.travel_planning_system.observability" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -4581,130 +4714,56 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "769c439f0d8b8db6", - "operationName": "agent_selection_planning", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "970271ca7e97b987", + "operationName": "group_chat_manager.determine_state_and_take_action", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "3d929332712f5494" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "8a8d36b471a8a2da" } ], - "startTime": 1750803430623837, - "duration": 831734, + "startTime": 1751314078913272, + "duration": 2093748, "tags": [ - { - "key": "agent.selection.available_agents", - "type": "string", - "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" - }, - { - "key": "agent.selection.conversation_length", - "type": "int64", - "value": 1 - }, - { - "key": "agent.selection.reasoning", - "type": "string", - "value": "The planner should speak next to start by assessing the overall budget allocation and then coordinate the efforts of the flight_agent and hotel_agent for flights and accommodations, ensuring all requirements and constraints are met." - }, - { - "key": "agent.selection.selected", - "type": "string", - "value": "planner" - }, - { - "key": "agent.selection.total_participants", - "type": "int64", - "value": 3 - }, { "key": "gen_ai.operation.name", "type": "string", - "value": "plan_task" - }, - { - "key": "gen_ai.planning.complexity", - "type": "string", - "value": "moderate" - }, - { - "key": "gen_ai.planning.stage", - "type": "string", - "value": "agent_coordination" - }, - { - "key": "gen_ai.planning.type", - "type": "string", - "value": "plan_task" - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" - }, - { - "key": "planning.decision", - "type": "string", - "value": "agent_selected" + "value": "group_chat_manager.determine_state_and_take_action" }, { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "55a3555471d1197f", - "operationName": "group_chat_agent_message.handle_start_message", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2d3045a20b028936" - } - ], - "startTime": 1750803428801324, - "duration": 26, - "tags": [ - { - "key": "gen_ai.agent.description", + "key": "group_chat.component", "type": "string", - "value": "Specializes in hotel booking" + "value": "manager" }, { - "key": "gen_ai.agent.id", + "key": "group_chat.operation", "type": "string", - "value": "c1e9b819-1310-4733-b8c3-7c4db716a332" + "value": "determine_state_and_take_action" }, { - "key": "gen_ai.agent.name", + "key": "langfuse.component", "type": "string", - "value": "hotel_agent" + "value": "group_chat_manager" }, { - "key": "gen_ai.operation.name", + "key": "langfuse.operation", "type": "string", - "value": "group_chat_agent_message.handle_start_message" + "value": "determine_state_and_take_action" }, { - "key": "group_chat.component", - "type": "string", - "value": "agent_message_handler" + "key": "langfuse.success", + "type": "bool", + "value": true }, { - "key": "group_chat.operation", + "key": "manager.id", "type": "string", - "value": "handle_start_message" + "value": "GroupChatManagerActor_b18281f3cfae4704ae0ccdec4737ab33/default" }, { - "key": "operation.no_result", + "key": "operation.success", "type": "bool", "value": true }, @@ -4721,146 +4780,242 @@ ], "logs": [ { - "timestamp": 1750803428801332, + "timestamp": 1751314078913314, "fields": [ { "key": "event", "type": "string", - "value": "group_chat.conversation_start" + "value": "group_chat.planning" }, { "key": "event.type", "type": "string", - "value": "conversation_initialization" + "value": "coordination_planning" + }, + { + "key": "langfuse.planning", + "type": "bool", + "value": true }, { "key": "operation.phase", "type": "string", - "value": "start" + "value": "planning" + }, + { + "key": "planning.type", + "type": "string", + "value": "state_determination" } ] - } - ], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "778192bce9f0b803", - "operationName": "chat.completions gpt-4.1-mini", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "5f6f01c202e576d4" - } - ], - "startTime": 1750803430624059, - "duration": 831275, - "tags": [ - { - "key": "gen_ai.operation.name", - "type": "string", - "value": "chat.completions" - }, - { - "key": "gen_ai.request.model", - "type": "string", - "value": "gpt-4.1-mini" }, { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.STOP" - }, - { - "key": "gen_ai.response.id", - "type": "string", - "value": "chatcmpl-Bm6Ewgvdc6BXt7dJsDCi3LxtfXNf6" - }, - { - "key": "gen_ai.system", - "type": "string", - "value": "openai" - }, - { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 342 + "timestamp": 1751314078913327, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.prompt" + }, + { + "key": "gen_ai.prompt", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have " + }, + { + "key": "input.message_count", + "type": "int64", + "value": 1 + }, + { + "key": "input.message_type", + "type": "string", + "value": "conversation_history" + }, + { + "key": "input.recent_message_count", + "type": "int64", + "value": 1 + }, + { + "key": "input.source", + "type": "string", + "value": "group_chat_history" + }, + { + "key": "langfuse.conversation", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have " + }, + { + "key": "langfuse.input", + "type": "string", + "value": "AuthorRole.USER: Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have " + } + ] }, { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 50 + "timestamp": 1751314078913404, + "fields": [ + { + "key": "event", + "type": "string", + "value": "input.last_message" + }, + { + "key": "context.type", + "type": "string", + "value": "immediate_context" + }, + { + "key": "last.message", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookin" + }, + { + "key": "last.role", + "type": "string", + "value": "AuthorRole.USER" + } + ] }, { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + "timestamp": 1751314078913425, + "fields": [ + { + "key": "event", + "type": "string", + "value": "planning.participants" + }, + { + "key": "participant.count", + "type": "int64", + "value": 3 + }, + { + "key": "participant.names", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "participants", + "type": "string", + "value": "{\"planner\": \"Creates comprehensive travel plans including flights, hotels, and activities\", \"flight_agent\": \"Specializes in flight booking\", \"hotel_agent\": \"Specializes in hotel booking\"}" + } + ] }, { - "key": "server.address", - "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" + "timestamp": 1751314081006985, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.coordination_decision" + }, + { + "key": "coordination.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "coordination.success", + "type": "bool", + "value": true + }, + { + "key": "event.type", + "type": "string", + "value": "coordination_completed" + }, + { + "key": "langfuse.coordination", + "type": "string", + "value": "Agent coordination decision completed" + }, + { + "key": "planning.decision_made", + "type": "bool", + "value": true + } + ] }, { - "key": "span.kind", - "type": "string", - "value": "internal" + "timestamp": 1751314081007008, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.planning.decision" + }, + { + "key": "langfuse.plan", + "type": "string", + "value": "Group chat coordination decision for determine_state_and_take_action" + }, + { + "key": "planning.completed", + "type": "bool", + "value": true + }, + { + "key": "planning.component", + "type": "string", + "value": "group_chat_manager" + }, + { + "key": "planning.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "planning.type", + "type": "string", + "value": "overall_coordination" + } + ] } ], - "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "6ca51162c6d2c506", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "8d307cf1576165aa", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c89731b53aeac77a" } ], - "startTime": 1750803440255312, - "duration": 12, + "startTime": 1751314080294729, + "duration": 711577, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.agent.description", "type": "string", - "value": "write" + "value": "The manager of the group chat, responsible for coordinating the agents." }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.agent.id", "type": "string", - "value": "streaming_response" + "value": "b45c5348-2a73-42b9-b3e2-0e0ff1ead8fa" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.agent.name", "type": "string", - "value": "memory_operation" + "value": "Manager" }, { - "key": "message.agent_name", + "key": "gen_ai.operation.name", "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 1189 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", @@ -4873,48 +5028,72 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "6d3fbe8f7a8e0bc8", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "8b317b756cae5053", + "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "e42e37e31681098e" } ], - "startTime": 1750803440255504, - "duration": 45, + "startTime": 1751314100702494, + "duration": 1596831, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "otel.scope.name", "type": "string", - "value": "write" + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" }, { - "key": "gen_ai.memory.source_type", + "key": "sk.available_functions", "type": "string", - "value": "streaming_response" + "value": "" }, { - "key": "gen_ai.operation.name", + "key": "span.kind", "type": "string", - "value": "memory_operation" + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa", + "operationName": "travel_planning_session", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "ca47586544854ce3" + } + ], + "startTime": 1751314078788613, + "duration": 158699914, + "tags": [ + { + "key": "conversation.id", + "type": "string", + "value": "conv_enhanced_001" }, { - "key": "message.agent_name", + "key": "langfuse.session_type", "type": "string", - "value": "planner" + "value": "group_chat" }, { - "key": "message.content_length", - "type": "int64", - "value": 0 + "key": "langfuse.trace.type", + "type": "string", + "value": "multi_agent_orchestration" }, { - "key": "message.processing_complete", - "type": "bool", - "value": true + "key": "langfuse.version", + "type": "string", + "value": "1.0" }, { "key": "otel.scope.name", @@ -4922,34 +5101,104 @@ "value": "__main__" }, { - "key": "span.kind", + "key": "session.type", "type": "string", - "value": "internal" - } + "value": "enhanced_multi_agent_demo" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + }, + { + "key": "user.id", + "type": "string", + "value": "demo_user_enhanced" + } ], "logs": [ { - "timestamp": 1750803440255544, + "timestamp": 1751314078909232, "fields": [ { "key": "event", "type": "string", - "value": "gen_ai.tool.results" + "value": "gen_ai.content.prompt" }, { - "key": "agent", + "key": "gen_ai.prompt", "type": "string", - "value": "planner" + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." }, { - "key": "tool.result_count", - "type": "int64", - "value": 1 + "key": "gen_ai.user.message", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." + }, + { + "key": "input.constraints", + "type": "string", + "value": "{\"budget\": 5000, \"duration_days\": 5, \"travelers\": 4, \"dietary\": \"vegetarian\", \"destination\": \"Bali\", \"origin\": \"Seattle, WA\"}" + }, + { + "key": "input.source", + "type": "string", + "value": "main_function" + }, + { + "key": "input.task_type", + "type": "string", + "value": "multi_agent_planning" + }, + { + "key": "input.type", + "type": "string", + "value": "user_request" + }, + { + "key": "langfuse.input", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." + } + ] + }, + { + "timestamp": 1751314237488195, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.completion" + }, + { + "key": "gen_ai.assistant.message", + "type": "string", + "value": "Summary of the conversation:\n\nThe user requested a 5-day family trip plan to Bali for 4 vegetarians from Seattle starting July 30, 2025, with a strict $5000 budget including flights, hotels, and activities. The planning was done step-by-step, covering budget allocation, flights, hotels, and activities.\n\nThe allocated budget: $1600 for flights, $1000 for hotels, $400 for food, $600 for activities and transport, and $400 extra as buffer.\n\nFlights: Round trip flights from Seattle to Bali were found within approximately $400 per person, totaling about $1600 for 4.\n\nHotels: Three vegetarian-friendly options within budget were presented, with Ocean View Resort recommended at $190/night for 5 nights totaling $950.\n\nActivities: Suggested a family-oriented, vegetarian-friendly itinerary including beach relaxation, cultural tours, cooking classes, water park visits, and local markets.\n\nThe user confirmed and requested to book the Ocean View Resort, which was booked successfully. The manager awaits confirmation to proceed with detailed activity planning and bookings." + }, + { + "key": "gen_ai.completion", + "type": "string", + "value": "Summary of the conversation:\n\nThe user requested a 5-day family trip plan to Bali for 4 vegetarians from Seattle starting July 30, 2025, with a strict $5000 budget including flights, hotels, and activities. The planning was done step-by-step, covering budget allocation, flights, hotels, and activities.\n\nThe allocated budget: $1600 for flights, $1000 for hotels, $400 for food, $600 for activities and transport, and $400 extra as buffer.\n\nFlights: Round trip flights from Seattle to Bali were found within approximately $400 per person, totaling about $1600 for 4.\n\nHotels: Three vegetarian-friendly options within budget were presented, with Ocean View Resort recommended at $190/night for 5 nights totaling $950.\n\nActivities: Suggested a family-oriented, vegetarian-friendly itinerary including beach relaxation, cultural tours, cooking classes, water park visits, and local markets.\n\nThe user confirmed and requested to book the Ocean View Resort, which was booked successfully. The manager awaits confirmation to proceed with detailed activity planning and bookings." }, { - "key": "tool.results", + "key": "langfuse.output", + "type": "string", + "value": "Summary of the conversation:\n\nThe user requested a 5-day family trip plan to Bali for 4 vegetarians from Seattle starting July 30, 2025, with a strict $5000 budget including flights, hotels, and activities. The planning was done step-by-step, covering budget allocation, flights, hotels, and activities.\n\nThe allocated budget: $1600 for flights, $1000 for hotels, $400 for food, $600 for activities and transport, and $400 extra as buffer.\n\nFlights: Round trip flights from Seattle to Bali were found within approximately $400 per person, totaling about $1600 for 4.\n\nHotels: Three vegetarian-friendly options within budget were presented, with Ocean View Resort recommended at $190/night for 5 nights totaling $950.\n\nActivities: Suggested a family-oriented, vegetarian-friendly itinerary including beach relaxation, cultural tours, cooking classes, water park visits, and local markets.\n\nThe user confirmed and requested to book the Ocean View Resort, which was booked successfully. The manager awaits confirmation to proceed with detailed activity planning and bookings." + }, + { + "key": "output.source", + "type": "string", + "value": "multi_agent_orchestration" + }, + { + "key": "output.success", + "type": "bool", + "value": true + }, + { + "key": "output.type", "type": "string", - "value": "[{\"function\": \"PlanningPlugin-search_flights\", \"result\": \"Available flights from Bali to Seattle on 2025-08-04:\\n[{'flight_id': 'FL123', 'take-off-time': '10:00 AM', 'arrival-time': '12:00 PM', 'price': '$200'}, {'flight_id': 'FL456', 'take-off-time': '2:00 PM', 'arrival-time': '4:00 PM', 'price': '$250'}, {'flight_id': 'FL789', 'take-off-time': '6:00 PM', 'arrival-time': '8:00 PM', 'price': '$300'}]\"}]" + "value": "final_travel_plan" } ] } @@ -4958,53 +5207,58 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e14c3e56f27fd82b", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "1010061eefc07161", + "operationName": "group_chat_agent_message.invoke", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e74d32046b225772" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803450215444, - "duration": 15, + "startTime": 1751314081011062, + "duration": 21, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.agent.description", "type": "string", - "value": "write" + "value": "Specializes in hotel booking" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.agent.id", "type": "string", - "value": "streaming_response" + "value": "d155cfa7-89ea-47d6-a912-5e348e5d086e" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "hotel_agent" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "memory_operation" + "value": "group_chat_agent_message.invoke" }, { - "key": "message.agent_name", + "key": "group_chat.component", "type": "string", - "value": "planner" + "value": "agent_message_handler" }, { - "key": "message.content_length", - "type": "int64", - "value": 0 + "key": "group_chat.operation", + "type": "string", + "value": "invoke" }, { - "key": "message.processing_complete", + "key": "operation.no_result", "type": "bool", "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -5012,48 +5266,108 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1751314081011078, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.agent_invoke" + }, + { + "key": "event.type", + "type": "string", + "value": "agent_invocation" + }, + { + "key": "operation.phase", + "type": "string", + "value": "invoke" + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e3889f91ba633fee", - "operationName": "agent_runtime process GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "a1b7b2e3746f3ef2", + "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "9192f4ec16bf3ea7" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "85a8f69fcc09b02f" + } + ], + "startTime": 1751314090248283, + "duration": 1203886, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + }, + { + "key": "sk.available_functions", + "type": "string", + "value": "" }, { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "a607885774edeee4" + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "26935a4b3fff3ba6", + "operationName": "invoke_agent planner", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "7cfdd6a8274a2757" } ], - "startTime": 1750803450247586, - "duration": 9895499, + "startTime": 1751314081007810, + "duration": 9215430, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", + "type": "string", + "value": "Creates comprehensive travel plans including flights, hotels, and activities" + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "423f3df4-872b-4359-9ef3-2d2c76ac1d57" + }, + { + "key": "gen_ai.agent.name", "type": "string", - "value": "GroupChatManagerActor_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "planner" }, { - "key": "messaging.operation", + "key": "gen_ai.operation.name", "type": "string", - "value": "process" + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -5061,58 +5375,87 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "9650d55c794929ad", - "operationName": "group_chat_orchestration.start", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "39fc851047fa7bf6", + "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "01ae2825d14e4262" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "28ccc2fde8bec883" } ], - "startTime": 1750803428800237, - "duration": 2659742, + "startTime": 1751314102331766, + "duration": 990347, "tags": [ { - "key": "gen_ai.operation.name", + "key": "otel.scope.name", "type": "string", - "value": "group_chat_orchestration.start" + "value": "semantic_kernel.connectors.ai.chat_completion_client_base" }, { - "key": "group_chat.component", + "key": "sk.available_functions", "type": "string", - "value": "orchestration" + "value": "" }, { - "key": "group_chat.is_root_operation", - "type": "bool", - "value": true + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "f83e884cf891cfbd", + "operationName": "group_chat_agent_message.invoke", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" + } + ], + "startTime": 1751314093188904, + "duration": 7492181, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "Specializes in flight booking" }, { - "key": "group_chat.operation", + "key": "gen_ai.agent.id", "type": "string", - "value": "start" + "value": "9de47b69-e5a9-4825-8628-d2ae5c548854" }, { - "key": "orchestration.agent_count", - "type": "int64", - "value": 3 + "key": "gen_ai.agent.name", + "type": "string", + "value": "flight_agent" }, { - "key": "orchestration.completed", - "type": "bool", - "value": true + "key": "gen_ai.operation.name", + "type": "string", + "value": "group_chat_agent_message.invoke" }, { - "key": "orchestration.has_input", - "type": "bool", - "value": true + "key": "group_chat.component", + "type": "string", + "value": "agent_message_handler" }, { - "key": "orchestration.input_length", - "type": "int64", - "value": 503 + "key": "group_chat.operation", + "type": "string", + "value": "invoke" + }, + { + "key": "operation.no_result", + "type": "bool", + "value": true }, { "key": "otel.scope.name", @@ -5127,92 +5470,22 @@ ], "logs": [ { - "timestamp": 1750803428800250, + "timestamp": 1751314093188926, "fields": [ { "key": "event", "type": "string", - "value": "group_chat.session_start" + "value": "group_chat.agent_invoke" }, { "key": "event.type", "type": "string", - "value": "orchestration_start" + "value": "agent_invocation" }, { - "key": "session.phase", + "key": "operation.phase", "type": "string", - "value": "initialization" - } - ] - }, - { - "timestamp": 1750803428800264, - "fields": [ - { - "key": "event", - "type": "string", - "value": "gen_ai.content.prompt" - }, - { - "key": "gen_ai.prompt", - "type": "string", - "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." - }, - { - "key": "group_chat.session_input", - "type": "bool", - "value": true - }, - { - "key": "input.message_type", - "type": "string", - "value": "orchestration_input" - }, - { - "key": "input.source", - "type": "string", - "value": "user_request" - } - ] - }, - { - "timestamp": 1750803428800272, - "fields": [ - { - "key": "event", - "type": "string", - "value": "orchestration.agents_configured" - }, - { - "key": "agents.count", - "type": "int64", - "value": 3 - }, - { - "key": "agents.names", - "type": "string", - "value": "['planner', 'flight_agent', 'hotel_agent']" - } - ] - }, - { - "timestamp": 1750803431459973, - "fields": [ - { - "key": "event", - "type": "string", - "value": "group_chat.session_started" - }, - { - "key": "event.type", - "type": "string", - "value": "orchestration_started" - }, - { - "key": "session.success", - "type": "bool", - "value": true + "value": "invoke" } ] } @@ -5221,53 +5494,58 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "43cf1a086e2b9348", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "b961c8d536a6d269", + "operationName": "group_chat_agent_message.invoke", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803436393283, - "duration": 71, + "startTime": 1751314104250617, + "duration": 24, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.agent.description", "type": "string", - "value": "write" + "value": "Specializes in flight booking" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.agent.id", "type": "string", - "value": "streaming_response" + "value": "9de47b69-e5a9-4825-8628-d2ae5c548854" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "flight_agent" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "memory_operation" + "value": "group_chat_agent_message.invoke" }, { - "key": "message.agent_name", + "key": "group_chat.component", "type": "string", - "value": "planner" + "value": "agent_message_handler" }, { - "key": "message.content_length", - "type": "int64", - "value": 1413 + "key": "group_chat.operation", + "type": "string", + "value": "invoke" }, { - "key": "message.processing_complete", + "key": "operation.no_result", "type": "bool", "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -5277,62 +5555,22 @@ ], "logs": [ { - "timestamp": 1750803436393321, - "fields": [ - { - "key": "event", - "type": "string", - "value": "gen_ai.content.completion" - }, - { - "key": "gen_ai.assistant.message", - "type": "string", - "value": "Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especially international flights from Seattle to Bali.\n- Hotels: Need to find vegetarian-friendly or at least with vegetarian meal options.\n- Activities: Sightseeing, cultural experiences, perhaps some guided tours.\n- Food: Budget needs to consider eating out or groceries, focusing on vegetarian options.\n\nStep 1: Flight cost estimation\nFlights from Seattle (SEA) to Bali (DPS) can be costly. Round trip economy tickets typically range from $800 to $1200 per person, but with careful search could be less.\n\nStep 2: Hotel cost estimation\nReasonable budget hotels or guesthouses suitable for families in Bali typically range from $30 to $70 per night, some including breakfast.\n\nStep 3: Activities and meals\nWe can budget $30-$50 per day per person for food and activities, accounting for vegetarian meals.\n\nSt" - }, - { - "key": "gen_ai.completion", - "type": "string", - "value": "Let's start by assessing the budget allocation for the family of 4 for a 5-day trip to Bali with a total budget of $5000.\n\nTypical cost breakdown:\n- Flights: Usually the most expensive part, especially international flights from Seattle to Bali.\n- Hotels: Need to find vegetarian-friendly or at least with vegetarian meal options.\n- Activities: Sightseeing, cultural experiences, perhaps some guided tours.\n- Food: Budget needs to consider eating out or groceries, focusing on vegetarian options.\n\nStep 1: Flight cost estimation\nFlights from Seattle (SEA) to Bali (DPS) can be costly. Round trip economy tickets typically range from $800 to $1200 per person, but with careful search could be less.\n\nStep 2: Hotel cost estimation\nReasonable budget hotels or guesthouses suitable for families in Bali typically range from $30 to $70 per night, some including breakfast.\n\nStep 3: Activities and meals\nWe can budget $30-$50 per day per person for food and activities, accounting for vegetarian meals.\n\nSt" - }, - { - "key": "output.agent", - "type": "string", - "value": "planner" - }, - { - "key": "output.role", - "type": "string", - "value": "AuthorRole.ASSISTANT" - }, - { - "key": "output.type", - "type": "string", - "value": "streaming_final" - } - ] - }, - { - "timestamp": 1750803436393351, + "timestamp": 1751314104250635, "fields": [ { "key": "event", "type": "string", - "value": "gen_ai.tool.calls" + "value": "group_chat.agent_invoke" }, { - "key": "agent", + "key": "event.type", "type": "string", - "value": "planner" - }, - { - "key": "tool.call_count", - "type": "int64", - "value": 2 + "value": "agent_invocation" }, { - "key": "tool.calls", + "key": "operation.phase", "type": "string", - "value": "[{\"function\": \"PlanningPlugin-search_flights\", \"arguments\": \"{\\\"origin\\\": \\\"Seattle\\\", \\\"destination\\\": \\\"Bali\\\", \\\"date\\\": \\\"2025-07-30\\\"}\"}, {\"function\": \"PlanningPlugin-search_hotels\", \"arguments\": \"{\\\"location\\\": \\\"Bali\\\", \\\"check_in\\\": \\\"2025-07-30\\\", \\\"check_out\\\": \\\"2025-08-04\\\"}\"}]" + "value": "invoke" } ] } @@ -5341,102 +5579,48 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "86dd894660290883", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "8023c3edfee3d9a6", + "operationName": "execute_tool HotelPlugin-book_hotel", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e74d32046b225772" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "375d6f188df74451" } ], - "startTime": 1750803450215484, - "duration": 9, + "startTime": 1751314109183390, + "duration": 124, "tags": [ - { - "key": "gen_ai.memory.operation_type", - "type": "string", - "value": "write" - }, - { - "key": "gen_ai.memory.source_type", - "type": "string", - "value": "streaming_response" - }, { "key": "gen_ai.operation.name", "type": "string", - "value": "memory_operation" - }, - { - "key": "message.agent_name", - "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true - }, - { - "key": "otel.scope.name", - "type": "string", - "value": "__main__" + "value": "execute_tool" }, { - "key": "span.kind", - "type": "string", - "value": "internal" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "a607885774edeee4", - "operationName": "agent_runtime create 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e74d32046b225772" - } - ], - "startTime": 1750803450233713, - "duration": 12656, - "tags": [ - { - "key": "messaging.destination", + "key": "gen_ai.tool.call.id", "type": "string", - "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" + "value": "call_cOij0GDhCDYfHydxBLUFwJgi" }, { - "key": "messaging.message.type", + "key": "gen_ai.tool.description", "type": "string", - "value": "GroupChatResponseMessage" + "value": "Book a specific hotel." }, { - "key": "messaging.operation", + "key": "gen_ai.tool.name", "type": "string", - "value": "create" + "value": "HotelPlugin-book_hotel" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -5444,38 +5628,38 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "d951c978b728f438", - "operationName": "group_chat_agent_message.handle_start_message", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "cc9166556427977b", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "6ee5fd7ce824f347" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803428800910, - "duration": 58, + "startTime": 1751314233134348, + "duration": 41, "tags": [ { "key": "gen_ai.agent.description", "type": "string", - "value": "Creates comprehensive travel plans including flights, hotels, and activities" + "value": "Specializes in flight booking" }, { "key": "gen_ai.agent.id", "type": "string", - "value": "22aff641-081c-4ef3-a073-b15ff7662eb1" + "value": "9de47b69-e5a9-4825-8628-d2ae5c548854" }, { "key": "gen_ai.agent.name", "type": "string", - "value": "planner" + "value": "flight_agent" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "group_chat_agent_message.handle_start_message" + "value": "group_chat_agent_message.handle_response_message" }, { "key": "group_chat.component", @@ -5485,7 +5669,7 @@ { "key": "group_chat.operation", "type": "string", - "value": "handle_start_message" + "value": "handle_response_message" }, { "key": "operation.no_result", @@ -5503,69 +5687,73 @@ "value": "internal" } ], - "logs": [ - { - "timestamp": 1750803428800922, - "fields": [ - { - "key": "event", - "type": "string", - "value": "group_chat.conversation_start" - }, - { - "key": "event.type", - "type": "string", - "value": "conversation_initialization" - }, - { - "key": "operation.phase", - "type": "string", - "value": "start" - } - ] - } - ], + "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "c6fce3ff4a74270c", - "operationName": "agent_runtime create flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "136b36c5f4bcad3b", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "9650d55c794929ad" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "8b317b756cae5053" } ], - "startTime": 1750803428800540, - "duration": 998, + "startTime": 1751314100702523, + "duration": 1596749, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", + "type": "string", + "value": "chat.completions" + }, + { + "key": "gen_ai.request.model", + "type": "string", + "value": "gpt-4.1-mini" + }, + { + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "flight_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "FinishReason.STOP" }, { - "key": "messaging.message.type", + "key": "gen_ai.response.id", "type": "string", - "value": "GroupChatStartMessage" + "value": "chatcmpl-BoF5ZZG6WKUX5UitB0tNdBXmgZoWl" }, { - "key": "messaging.operation", + "key": "gen_ai.system", "type": "string", - "value": "create" + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1441 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 68 }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -5573,53 +5761,43 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "3684ec4db33226d9", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "ba23b1837ca8e0dd", + "operationName": "execute_tool PlanningPlugin-search_flights", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c6a941c11851f287" } ], - "startTime": 1750803436393828, - "duration": 10, + "startTime": 1751314085900547, + "duration": 134, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.operation.name", "type": "string", - "value": "write" + "value": "execute_tool" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.tool.call.id", "type": "string", - "value": "streaming_response" + "value": "call_IVEjeAsfpkI1pgD1xSbQZ1ap" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.tool.description", "type": "string", - "value": "memory_operation" + "value": "Search for available flights." }, { - "key": "message.agent_name", + "key": "gen_ai.tool.name", "type": "string", - "value": "planner" - }, - { - "key": "message.content_length", - "type": "int64", - "value": 0 - }, - { - "key": "message.processing_complete", - "type": "bool", - "value": true + "value": "PlanningPlugin-search_flights" }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", @@ -5632,63 +5810,63 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "5a6b6a1db7c63734", - "operationName": "chat.streaming_completions gpt-4.1-mini", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "97a069e75f9d0ebc", + "operationName": "group_chat_orchestration.start", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "bca6723e725625f9" } ], - "startTime": 1750803436393938, - "duration": 3853708, + "startTime": 1751314078911467, + "duration": 2099855, "tags": [ { "key": "gen_ai.operation.name", "type": "string", - "value": "chat.streaming_completions" + "value": "group_chat_orchestration.start" }, { - "key": "gen_ai.request.model", + "key": "group_chat.component", "type": "string", - "value": "gpt-4.1-mini" + "value": "orchestration" }, { - "key": "gen_ai.response.finish_reason", - "type": "string", - "value": "FinishReason.TOOL_CALLS" + "key": "group_chat.is_root_operation", + "type": "bool", + "value": true }, { - "key": "gen_ai.response.id", + "key": "group_chat.operation", "type": "string", - "value": "chatcmpl-Bm6F254CgqoV3JDadBfYNNgi7lhfF" + "value": "start" }, { - "key": "gen_ai.system", - "type": "string", - "value": "openai" + "key": "orchestration.agent_count", + "type": "int64", + "value": 3 }, { - "key": "gen_ai.usage.input_tokens", - "type": "int64", - "value": 620 + "key": "orchestration.completed", + "type": "bool", + "value": true }, { - "key": "gen_ai.usage.output_tokens", - "type": "int64", - "value": 369 + "key": "orchestration.has_input", + "type": "bool", + "value": true }, { - "key": "otel.scope.name", - "type": "string", - "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + "key": "orchestration.input_length", + "type": "int64", + "value": 503 }, { - "key": "server.address", + "key": "otel.scope.name", "type": "string", - "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -5696,23 +5874,114 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1751314078911478, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.session_start" + }, + { + "key": "event.type", + "type": "string", + "value": "orchestration_start" + }, + { + "key": "session.phase", + "type": "string", + "value": "initialization" + } + ] + }, + { + "timestamp": 1751314078911496, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.prompt" + }, + { + "key": "gen_ai.prompt", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." + }, + { + "key": "group_chat.session_input", + "type": "bool", + "value": true + }, + { + "key": "input.message_type", + "type": "string", + "value": "orchestration_input" + }, + { + "key": "input.source", + "type": "string", + "value": "user_request" + } + ] + }, + { + "timestamp": 1751314078911504, + "fields": [ + { + "key": "event", + "type": "string", + "value": "orchestration.agents_configured" + }, + { + "key": "agents.count", + "type": "int64", + "value": 3 + }, + { + "key": "agents.names", + "type": "string", + "value": "['planner', 'flight_agent', 'hotel_agent']" + } + ] + }, + { + "timestamp": 1751314081011314, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.session_started" + }, + { + "key": "event.type", + "type": "string", + "value": "orchestration_started" + }, + { + "key": "session.success", + "type": "bool", + "value": true + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "a58df601f69b7849", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "530a708cb166a73c", "operationName": "chat.streaming_completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c6a941c11851f287" } ], - "startTime": 1750803440255816, - "duration": 9959381, + "startTime": 1751314082277612, + "duration": 3613762, "tags": [ { "key": "gen_ai.operation.name", @@ -5727,12 +5996,12 @@ { "key": "gen_ai.response.finish_reason", "type": "string", - "value": "FinishReason.STOP" + "value": "FinishReason.TOOL_CALLS" }, { "key": "gen_ai.response.id", "type": "string", - "value": "chatcmpl-Bm6F6D9G1BP2O84ZcIsNxkzE5F0b2" + "value": "chatcmpl-BoF5G59EDGabv8ov763hIDkEwBJ6f" }, { "key": "gen_ai.system", @@ -5742,12 +6011,12 @@ { "key": "gen_ai.usage.input_tokens", "type": "int64", - "value": 963 + "value": 277 }, { "key": "gen_ai.usage.output_tokens", "type": "int64", - "value": 1058 + "value": 326 }, { "key": "otel.scope.name", @@ -5770,112 +6039,163 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "20da664b34af6677", - "operationName": "agent_runtime publish 7019700b0e8a4f17850bb910c8e68f0c.(default)-T", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d5b3ed02f14f0853", + "operationName": "group_chat_manager.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "7c63fec3d33969e2" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803456643032, - "duration": 570, + "startTime": 1751314100682102, + "duration": 3567544, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", + "type": "string", + "value": "group_chat_manager.handle_response_message" + }, + { + "key": "group_chat.component", + "type": "string", + "value": "manager" + }, + { + "key": "group_chat.operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "langfuse.component", + "type": "string", + "value": "group_chat_manager" + }, + { + "key": "langfuse.operation", "type": "string", - "value": "7019700b0e8a4f17850bb910c8e68f0c.(default)-T" + "value": "handle_response_message" }, { - "key": "messaging.operation", + "key": "langfuse.success", + "type": "bool", + "value": true + }, + { + "key": "manager.id", "type": "string", - "value": "publish" + "value": "GroupChatManagerActor_b18281f3cfae4704ae0ccdec4737ab33/default" + }, + { + "key": "operation.success", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" + } + ], + "logs": [ + { + "timestamp": 1751314104249638, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.message_handled" + }, + { + "key": "event.type", + "type": "string", + "value": "message_processing_complete" + }, + { + "key": "langfuse.message_handled", + "type": "bool", + "value": true + }, + { + "key": "message.operation", + "type": "string", + "value": "handle_response_message" + }, + { + "key": "message.success", + "type": "bool", + "value": true + } + ] } ], - "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "6c5010a16fcdc78b", - "operationName": "memory_operation_summary", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "5ce9c95c6ccc2461", + "operationName": "chat.streaming_completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "f39de0bd24092b1f" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "375d6f188df74451" } ], - "startTime": 1750803458224326, - "duration": 1913500, + "startTime": 1751314104251520, + "duration": 4922260, "tags": [ { - "key": "conversation.message_count", - "type": "int64", - "value": 4 - }, - { - "key": "gen_ai.memory.memory_type", + "key": "gen_ai.operation.name", "type": "string", - "value": "working" + "value": "chat.streaming_completions" }, { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.request.model", "type": "string", - "value": "write" + "value": "gpt-4.1-mini" }, { - "key": "gen_ai.memory.size_bytes", - "type": "int64", - "value": 1266706 + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.TOOL_CALLS" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.response.id", "type": "string", - "value": "conversation_summary" + "value": "chatcmpl-BoF5dMHxidCtZ58Vu9HrtJq4CfkAJ" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.system", "type": "string", - "value": "memory_operation" + "value": "openai" }, { - "key": "memory.result_processed", - "type": "bool", - "value": true - }, - { - "key": "memory.summary_generated", - "type": "bool", - "value": true + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1354 }, { - "key": "memory.summary_length", + "key": "gen_ai.usage.output_tokens", "type": "int64", - "value": 714 + "value": 400 }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -5888,53 +6208,58 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "696094b036dc4093", - "operationName": "streaming_message_final", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "6b8de0ef38fced82", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803432701315, - "duration": 21, + "startTime": 1751314111206124, + "duration": 35, "tags": [ { - "key": "gen_ai.memory.operation_type", + "key": "gen_ai.agent.description", "type": "string", - "value": "write" + "value": "Specializes in flight booking" }, { - "key": "gen_ai.memory.source_type", + "key": "gen_ai.agent.id", "type": "string", - "value": "streaming_response" + "value": "9de47b69-e5a9-4825-8628-d2ae5c548854" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "flight_agent" }, { "key": "gen_ai.operation.name", "type": "string", - "value": "memory_operation" + "value": "group_chat_agent_message.handle_response_message" }, { - "key": "message.agent_name", + "key": "group_chat.component", "type": "string", - "value": "planner" + "value": "agent_message_handler" }, { - "key": "message.content_length", - "type": "int64", - "value": 0 + "key": "group_chat.operation", + "type": "string", + "value": "handle_response_message" }, { - "key": "message.processing_complete", + "key": "operation.no_result", "type": "bool", "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "__main__" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", @@ -5942,74 +6267,112 @@ "value": "internal" } ], - "logs": [ + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "091b1ad6308a63f5", + "operationName": "human_in_the_loop", + "references": [ { - "timestamp": 1750803432701333, - "fields": [ - { - "key": "event", - "type": "string", - "value": "gen_ai.tool.calls" - }, - { - "key": "agent", - "type": "string", - "value": "planner" - }, - { - "key": "tool.call_count", - "type": "int64", - "value": 1 - }, - { - "key": "tool.calls", - "type": "string", - "value": "[{\"function\": \"PlanningPlugin-get_weather\", \"arguments\": \"{\\\"location\\\":\\\"Bali\\\"}\"}]" - } - ] + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "de6960c446082857" + } + ], + "startTime": 1751314112478827, + "duration": 120612389, + "tags": [ + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" } ], + "logs": [], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "953a3f2ad48d5223", - "operationName": "agent_runtime send hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c89731b53aeac77a", + "operationName": "agent_selection_planning", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "c52145caf326ded7" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "970271ca7e97b987" } ], - "startTime": 1750803428801239, - "duration": 131, + "startTime": 1751314080294596, + "duration": 711773, "tags": [ { - "key": "messaging.destination", + "key": "agent.selection.available_agents", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "agent.selection.conversation_length", + "type": "int64", + "value": 1 + }, + { + "key": "agent.selection.reasoning", + "type": "string", + "value": "The user requested a comprehensive step-by-step plan including budget allocation before bookings, so the planner should start by assessing the budget and outlining the plan before handing off to flight or hotel agents." + }, + { + "key": "agent.selection.selected", + "type": "string", + "value": "planner" + }, + { + "key": "agent.selection.total_participants", + "type": "int64", + "value": 3 + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "plan_task" + }, + { + "key": "gen_ai.planning.complexity", + "type": "string", + "value": "moderate" + }, + { + "key": "gen_ai.planning.stage", "type": "string", - "value": "hotel_agent_7019700b0e8a4f17850bb910c8e68f0c.(default)-A" + "value": "agent_coordination" }, { - "key": "messaging.operation", + "key": "gen_ai.planning.type", "type": "string", - "value": "publish" + "value": "plan_task" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "__main__" + }, + { + "key": "planning.decision", + "type": "string", + "value": "agent_selected" }, { "key": "span.kind", "type": "string", - "value": "producer" + "value": "internal" } ], "logs": [], @@ -6017,43 +6380,133 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "c70e8e803a4ce35e", - "operationName": "agent_runtime ack", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "505c78233994703e", + "operationName": "group_chat_agent_message.invoke", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" + } + ], + "startTime": 1751314081010951, + "duration": 43, + "tags": [ + { + "key": "gen_ai.agent.description", + "type": "string", + "value": "Specializes in flight booking" + }, + { + "key": "gen_ai.agent.id", + "type": "string", + "value": "9de47b69-e5a9-4825-8628-d2ae5c548854" + }, + { + "key": "gen_ai.agent.name", + "type": "string", + "value": "flight_agent" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "group_chat_agent_message.invoke" + }, + { + "key": "group_chat.component", + "type": "string", + "value": "agent_message_handler" + }, + { + "key": "group_chat.operation", + "type": "string", + "value": "invoke" + }, + { + "key": "operation.no_result", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "953a3f2ad48d5223" + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [ + { + "timestamp": 1751314081010983, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.agent_invoke" + }, + { + "key": "event.type", + "type": "string", + "value": "agent_invocation" + }, + { + "key": "operation.phase", + "type": "string", + "value": "invoke" + } + ] + } + ], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "cc61720dd770e83c", + "operationName": "execute_tool PlanningPlugin-search_hotels", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "c6a941c11851f287" } ], - "startTime": 1750803428801566, - "duration": 15, + "startTime": 1751314085900800, + "duration": 138, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.operation.name", "type": "string", - "value": "" + "value": "execute_tool" + }, + { + "key": "gen_ai.tool.call.id", + "type": "string", + "value": "call_ihxE9NmrlGpZWmyn6N4X61Sp" + }, + { + "key": "gen_ai.tool.description", + "type": "string", + "value": "Search for available hotels." }, { - "key": "messaging.operation", + "key": "gen_ai.tool.name", "type": "string", - "value": "receive" + "value": "PlanningPlugin-search_hotels" }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -6061,18 +6514,18 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "ce6ef537e5697399", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "ec068650bbce9129", "operationName": "chat.streaming_completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "266658642b1670bc" } ], - "startTime": 1750803431457632, - "duration": 1242152, + "startTime": 1751314093189942, + "duration": 3834143, "tags": [ { "key": "gen_ai.operation.name", @@ -6092,7 +6545,7 @@ { "key": "gen_ai.response.id", "type": "string", - "value": "chatcmpl-Bm6EyZ2gpDxDn1IvUapTsnkBQHus6" + "value": "chatcmpl-BoF5SZVNXlfCOC5qnkOXG636Ful2c" }, { "key": "gen_ai.system", @@ -6102,12 +6555,12 @@ { "key": "gen_ai.usage.input_tokens", "type": "int64", - "value": 236 + "value": 746 }, { "key": "gen_ai.usage.output_tokens", "type": "int64", - "value": 19 + "value": 314 }, { "key": "otel.scope.name", @@ -6130,43 +6583,43 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "574f2c75097411bf", - "operationName": "invoke_agent Manager", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "28d37cc4c51e655f", + "operationName": "execute_tool FlightPlugin-book_flight", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "769c439f0d8b8db6" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "266658642b1670bc" } ], - "startTime": 1750803430623889, - "duration": 831563, + "startTime": 1751314097030415, + "duration": 222, "tags": [ { - "key": "gen_ai.agent.description", + "key": "gen_ai.operation.name", "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." + "value": "execute_tool" }, { - "key": "gen_ai.agent.id", + "key": "gen_ai.tool.call.id", "type": "string", - "value": "ac6d30f4-5249-41d1-b228-af3820bf0075" + "value": "call_AndUezABa8HK8Ybzo7w0zcHt" }, { - "key": "gen_ai.agent.name", + "key": "gen_ai.tool.description", "type": "string", - "value": "Manager" + "value": "Book a specific flight." }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.tool.name", "type": "string", - "value": "invoke_agent" + "value": "FlightPlugin-book_flight" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + "value": "semantic_kernel.functions.kernel_function" }, { "key": "span.kind", @@ -6179,28 +6632,63 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948", - "operationName": "AutoFunctionInvocationLoop", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "cd277fb2512ef6f7", + "operationName": "chat.streaming_completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "c5bc8639188c4774" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "375d6f188df74451" } ], - "startTime": 1750803431457568, - "duration": 18757662, + "startTime": 1751314109184384, + "duration": 2012128, "tags": [ { - "key": "otel.scope.name", + "key": "gen_ai.operation.name", "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + "value": "chat.streaming_completions" }, { - "key": "sk.available_functions", + "key": "gen_ai.request.model", "type": "string", - "value": "PlanningPlugin-get_weather,PlanningPlugin-search_flights,PlanningPlugin-search_hotels" + "value": "gpt-4.1-mini" + }, + { + "key": "gen_ai.response.finish_reason", + "type": "string", + "value": "FinishReason.STOP" + }, + { + "key": "gen_ai.response.id", + "type": "string", + "value": "chatcmpl-BoF5hiuukQkIrRIHUfV0vOT7iJexz" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1525 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 180 + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -6213,28 +6701,53 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "0e52d2924a3c7bd3", - "operationName": "AutoFunctionInvocationLoop", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "8502001ad2213738", + "operationName": "streaming_message_final", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "add2e0576dbe1cf8" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "375d6f188df74451" } ], - "startTime": 1750803450272874, - "duration": 1363769, + "startTime": 1751314109183919, + "duration": 59, "tags": [ { - "key": "otel.scope.name", + "key": "gen_ai.memory.operation_type", "type": "string", - "value": "semantic_kernel.connectors.ai.chat_completion_client_base" + "value": "write" }, { - "key": "sk.available_functions", + "key": "gen_ai.memory.source_type", "type": "string", - "value": "" + "value": "streaming_response" + }, + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "memory_operation" + }, + { + "key": "message.agent_name", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "message.content_length", + "type": "int64", + "value": 1243 + }, + { + "key": "message.processing_complete", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" }, { "key": "span.kind", @@ -6242,23 +6755,84 @@ "value": "internal" } ], - "logs": [], + "logs": [ + { + "timestamp": 1751314109183947, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.completion" + }, + { + "key": "gen_ai.assistant.message", + "type": "string", + "value": "Let's plan your family trip to Bali step-by-step:\n\n1. Budget allocation for $5000 total:\n- Flights: Approx $1600 (4 round trip tickets at around $400 each, economy)\n- Hotel: Approx $1000 (5 nights at ~$200 per night family room or 2 rooms)\n- Food: $400 ($20 per person per day vegetarian meals)\n- Activities & local transport: $500\n- Miscellaneous: $500 (buffer for visas, souvenirs, extra transport)\n\n2. Flights:\nRound trip flights from Seattle-Tacoma Intl (SEA) to Bali Denpasar (DPS) departing July 30, 2025, returning Aug 4, 2025. Typical economy fares are around $400-$500 per person.\n\n3. Hotels:\nLooking for vegetarian-friendly hotels or resorts with good reviews, family rooms, and appropriate budget (~$200 per night):\n- Option: Ocean View Resort Bali ($190/night) with vegetarian meals available\n- Option: Ubud Green Stay ($150/night) with a vegetarian restaurant onsite\n\n4. Activities:\n- Day 1: Arrival, relax on the beach\n- Day 2: Ubud cultural tour (rice terraces, Sacred Monkey Forest)\n-" + }, + { + "key": "gen_ai.completion", + "type": "string", + "value": "Let's plan your family trip to Bali step-by-step:\n\n1. Budget allocation for $5000 total:\n- Flights: Approx $1600 (4 round trip tickets at around $400 each, economy)\n- Hotel: Approx $1000 (5 nights at ~$200 per night family room or 2 rooms)\n- Food: $400 ($20 per person per day vegetarian meals)\n- Activities & local transport: $500\n- Miscellaneous: $500 (buffer for visas, souvenirs, extra transport)\n\n2. Flights:\nRound trip flights from Seattle-Tacoma Intl (SEA) to Bali Denpasar (DPS) departing July 30, 2025, returning Aug 4, 2025. Typical economy fares are around $400-$500 per person.\n\n3. Hotels:\nLooking for vegetarian-friendly hotels or resorts with good reviews, family rooms, and appropriate budget (~$200 per night):\n- Option: Ocean View Resort Bali ($190/night) with vegetarian meals available\n- Option: Ubud Green Stay ($150/night) with a vegetarian restaurant onsite\n\n4. Activities:\n- Day 1: Arrival, relax on the beach\n- Day 2: Ubud cultural tour (rice terraces, Sacred Monkey Forest)\n-" + }, + { + "key": "output.agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "output.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + }, + { + "key": "output.type", + "type": "string", + "value": "streaming_final" + } + ] + }, + { + "timestamp": 1751314109183975, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.tool.calls" + }, + { + "key": "agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "tool.call_count", + "type": "int64", + "value": 3 + }, + { + "key": "tool.calls", + "type": "string", + "value": "[{\"function\": \"HotelPlugin-book_hotel\", \"arguments\": \"{\\\"hotel_id\\\": \\\"OceanViewResortBali_001\\\"}\"}, {\"function\": \"HotelPlugin-book_hotel\", \"arguments\": \"{\\\"hotel_id\\\": \\\"UbudGreenStay_002\\\"}\"}, {\"function\": \"HotelPlugin-book_hotel\", \"arguments\": \"{\\\"hotel_id\\\": \\\"BaliGardenHotel_003\\\"}\"}]" + } + ] + } + ], "processID": "p1", "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "0cdd26e935a3fc9b", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "375d6f188df74451", "operationName": "AutoFunctionInvocationLoop", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "d4a85064694beb23" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "233e5f3ce9e0bb7a" } ], - "startTime": 1750803456641422, - "duration": 1544114, + "startTime": 1751314104251469, + "duration": 6945061, "tags": [ { "key": "otel.scope.name", @@ -6268,7 +6842,7 @@ { "key": "sk.available_functions", "type": "string", - "value": "" + "value": "HotelPlugin-book_hotel" }, { "key": "span.kind", @@ -6281,87 +6855,63 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "eaf522d3e4b6ad19", - "operationName": "agent_runtime ack", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "0bc4bc43b3a8eb70", + "operationName": "group_chat_agent_message.handle_response_message", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" - }, - { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e4af34711be412f4" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" } ], - "startTime": 1750803428801428, - "duration": 17, + "startTime": 1751314100682012, + "duration": 42, "tags": [ { - "key": "messaging.destination", + "key": "gen_ai.agent.description", "type": "string", - "value": "" + "value": "Specializes in hotel booking" }, { - "key": "messaging.operation", + "key": "gen_ai.agent.id", "type": "string", - "value": "receive" + "value": "d155cfa7-89ea-47d6-a912-5e348e5d086e" }, { - "key": "otel.scope.name", + "key": "gen_ai.agent.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "hotel_agent" }, { - "key": "span.kind", + "key": "gen_ai.operation.name", "type": "string", - "value": "consumer" - } - ], - "logs": [], - "processID": "p1", - "warnings": null - }, - { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "dd1280a06989d59f", - "operationName": "agent_runtime ack", - "references": [ - { - "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "2417bfd0274ee874" + "value": "group_chat_agent_message.handle_response_message" }, { - "refType": "FOLLOWS_FROM", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "7f480d12c5ea7465" - } - ], - "startTime": 1750803428801498, - "duration": 17, - "tags": [ - { - "key": "messaging.destination", + "key": "group_chat.component", "type": "string", - "value": "" + "value": "agent_message_handler" }, { - "key": "messaging.operation", + "key": "group_chat.operation", "type": "string", - "value": "receive" + "value": "handle_response_message" + }, + { + "key": "operation.no_result", + "type": "bool", + "value": true }, { "key": "otel.scope.name", "type": "string", - "value": "agent_runtime InProcessRuntime" + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" }, { "key": "span.kind", "type": "string", - "value": "consumer" + "value": "internal" } ], "logs": [], @@ -6369,43 +6919,43 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "86dfd7c1fbd0c4e4", - "operationName": "execute_tool PlanningPlugin-get_weather", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "77744963fd7dd818", + "operationName": "invoke_agent Manager", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "e528878c7e3cb948" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "52090993a4b73d3f" } ], - "startTime": 1750803432700976, - "duration": 183, + "startTime": 1751314103386857, + "duration": 860013, "tags": [ { - "key": "gen_ai.operation.name", + "key": "gen_ai.agent.description", "type": "string", - "value": "execute_tool" + "value": "The manager of the group chat, responsible for coordinating the agents." }, { - "key": "gen_ai.tool.call.id", + "key": "gen_ai.agent.id", "type": "string", - "value": "call_DYKcvXsmTVfdXfKgN01xCSSB" + "value": "b45c5348-2a73-42b9-b3e2-0e0ff1ead8fa" }, { - "key": "gen_ai.tool.description", + "key": "gen_ai.agent.name", "type": "string", - "value": "Get weather information for a location." + "value": "Manager" }, { - "key": "gen_ai.tool.name", + "key": "gen_ai.operation.name", "type": "string", - "value": "PlanningPlugin-get_weather" + "value": "invoke_agent" }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.functions.kernel_function" + "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" }, { "key": "span.kind", @@ -6418,58 +6968,63 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "9a6d4f1dd1474958", - "operationName": "group_chat_agent_message.handle_response_message", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "ed5659361deee425", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "0b5e6ec8278703cc" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "68c0fa8d8a1fdee8" } ], - "startTime": 1750803450247493, - "duration": 53, + "startTime": 1751314233131227, + "duration": 1776272, "tags": [ { - "key": "gen_ai.agent.description", + "key": "gen_ai.operation.name", "type": "string", - "value": "Specializes in hotel booking" + "value": "chat.completions" }, { - "key": "gen_ai.agent.id", + "key": "gen_ai.request.model", "type": "string", - "value": "c1e9b819-1310-4733-b8c3-7c4db716a332" + "value": "gpt-4.1-mini" }, { - "key": "gen_ai.agent.name", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "hotel_agent" + "value": "FinishReason.STOP" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.response.id", "type": "string", - "value": "group_chat_agent_message.handle_response_message" + "value": "chatcmpl-BoF7iTR1RkHgLp7ohQ25HQOxgqrun" }, { - "key": "group_chat.component", + "key": "gen_ai.system", "type": "string", - "value": "agent_message_handler" + "value": "openai" }, { - "key": "group_chat.operation", - "type": "string", - "value": "handle_response_message" + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1951 }, { - "key": "operation.no_result", - "type": "bool", - "value": true + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 59 }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" + }, + { + "key": "server.address", + "type": "string", + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" }, { "key": "span.kind", @@ -6482,53 +7037,437 @@ "warnings": null }, { - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "af52548cb28d0bfa", - "operationName": "invoke_agent Manager", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "9b8c5d8608a62d6a", + "operationName": "chat.completions gpt-4.1-mini", "references": [ { "refType": "CHILD_OF", - "traceID": "7ce9391865c21e840a867f6de7dbef8a", - "spanID": "6c5010a16fcdc78b" + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "41e36a0bc822fd7a" } ], - "startTime": 1750803458237552, - "duration": 1900139, + "startTime": 1751314234990932, + "duration": 2491848, "tags": [ { - "key": "gen_ai.agent.description", + "key": "gen_ai.operation.name", "type": "string", - "value": "The manager of the group chat, responsible for coordinating the agents." + "value": "chat.completions" }, { - "key": "gen_ai.agent.id", + "key": "gen_ai.request.model", "type": "string", - "value": "ac6d30f4-5249-41d1-b228-af3820bf0075" + "value": "gpt-4.1-mini" }, { - "key": "gen_ai.agent.name", + "key": "gen_ai.response.finish_reason", "type": "string", - "value": "Manager" + "value": "FinishReason.STOP" }, { - "key": "gen_ai.operation.name", + "key": "gen_ai.response.id", "type": "string", - "value": "invoke_agent" + "value": "chatcmpl-BoF7jN2sFjgZMSJ4ehMcdzO5x6hA1" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "openai" + }, + { + "key": "gen_ai.usage.input_tokens", + "type": "int64", + "value": 1949 + }, + { + "key": "gen_ai.usage.output_tokens", + "type": "int64", + "value": 290 }, { "key": "otel.scope.name", "type": "string", - "value": "semantic_kernel.utils.telemetry.agent_diagnostics.decorators" + "value": "semantic_kernel.utils.telemetry.model_diagnostics.decorators" }, { - "key": "span.kind", + "key": "server.address", "type": "string", - "value": "internal" - } + "value": "https://ai-naarkalgaihub999971652049.openai.azure.com/openai/deployments/gpt-4.1-mini/" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } ], "logs": [], "processID": "p1", "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "bca6723e725625f9", + "operationName": "comprehensive_task_execution", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "d4be84bfde51cffa" + } + ], + "startTime": 1751314078909259, + "duration": 158578947, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "execute_task" + }, + { + "key": "gen_ai.system", + "type": "string", + "value": "semantic_kernel_multi_agent" + }, + { + "key": "gen_ai.task.assigned_agents", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "gen_ai.task.constraints", + "type": "string", + "value": "[\"budget:5000\",\"duration:5_days\",\"travelers:4\",\"dietary:vegetarian\"]" + }, + { + "key": "gen_ai.task.description", + "type": "string", + "value": "Plan a trip to Bali for 5 days including flights, hotels, and activities for a vegetarian family of 4 members. The family lives in Seattle, WA, USA. Their vacation starts on July 30th 2025. They have a strict budget of $5000 for the trip. Please think through this step-by-step: first assess the budget allocation, then find suitable flights, select appropriate vegetarian-friendly accommodations, and plan activities. Show your reasoning process and provide a detailed plan with the necessary bookings." + }, + { + "key": "gen_ai.task.expected_output", + "type": "string", + "value": "Complete travel plan with bookings" + }, + { + "key": "gen_ai.task.id", + "type": "string", + "value": "bali_trip_planning_001" + }, + { + "key": "gen_ai.task.status", + "type": "string", + "value": "completed" + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "__main__" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + }, + { + "key": "task.budget", + "type": "int64", + "value": 5000 + }, + { + "key": "task.destination", + "type": "string", + "value": "Bali" + }, + { + "key": "task.duration_days", + "type": "int64", + "value": 5 + }, + { + "key": "task.expected_tool_usage", + "type": "string", + "value": "[\"flight_search\",\"hotel_search\",\"planning_tools\"]" + }, + { + "key": "task.travelers", + "type": "int64", + "value": 4 + } + ], + "logs": [], + "processID": "p1", + "warnings": null + }, + { + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "de6960c446082857", + "operationName": "group_chat_manager.determine_state_and_take_action", + "references": [ + { + "refType": "CHILD_OF", + "traceID": "0e6ca4d1277b2e27ef795c997928cf3a", + "spanID": "5fc115acec34efd6" + } + ], + "startTime": 1751314111206231, + "duration": 126281444, + "tags": [ + { + "key": "gen_ai.operation.name", + "type": "string", + "value": "group_chat_manager.determine_state_and_take_action" + }, + { + "key": "group_chat.component", + "type": "string", + "value": "manager" + }, + { + "key": "group_chat.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "langfuse.component", + "type": "string", + "value": "group_chat_manager" + }, + { + "key": "langfuse.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "langfuse.success", + "type": "bool", + "value": true + }, + { + "key": "manager.id", + "type": "string", + "value": "GroupChatManagerActor_b18281f3cfae4704ae0ccdec4737ab33/default" + }, + { + "key": "operation.success", + "type": "bool", + "value": true + }, + { + "key": "otel.scope.name", + "type": "string", + "value": "semantic_kernel.utils.telemetry.group_chat_diagnostics.decorators" + }, + { + "key": "span.kind", + "type": "string", + "value": "internal" + } + ], + "logs": [ + { + "timestamp": 1751314111206244, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.planning" + }, + { + "key": "event.type", + "type": "string", + "value": "coordination_planning" + }, + { + "key": "langfuse.planning", + "type": "bool", + "value": true + }, + { + "key": "operation.phase", + "type": "string", + "value": "planning" + }, + { + "key": "planning.type", + "type": "string", + "value": "state_determination" + } + ] + }, + { + "timestamp": 1751314111206266, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.content.prompt" + }, + { + "key": "gen_ai.prompt", + "type": "string", + "value": "AuthorRole.ASSISTANT: Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local \nAuthorRole.USER: Transferred to flight_agent\nAuthorRole.ASSISTANT: Here's my detailed reasoning and plan for the Bali trip for a family of 4 from Seattle with a $5000 budget:\n\n1. Budget Allocation:\n- Flights: Approx $1600 (4 people round trip, $400 each)\n- Hotel: App\nAuthorRole.USER: Transferred to hotel_agent\nAuthorRole.ASSISTANT: Let's plan your family trip to Bali step-by-step:\n\n1. Budget allocation for $5000 total:\n- Flights: Approx $1600 (4 round trip tickets at around $400 each, economy)\n- Hotel: Approx $1000 (5 nights at " + }, + { + "key": "input.message_count", + "type": "int64", + "value": 7 + }, + { + "key": "input.message_type", + "type": "string", + "value": "conversation_history" + }, + { + "key": "input.recent_message_count", + "type": "int64", + "value": 5 + }, + { + "key": "input.source", + "type": "string", + "value": "group_chat_history" + }, + { + "key": "langfuse.conversation", + "type": "string", + "value": "AuthorRole.ASSISTANT: Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local \nAuthorRole.USER: Transferred to flight_agent\nAuthorRole.ASSISTANT: Here's my detailed reasoning and plan for the Bali trip for a family of 4 from Seattle with a $5000 budget:\n\n1. Budget Allocation:\n- Flights: Approx $1600 (4 people round trip, $400 each)\n- Hotel: App\nAuthorRole.USER: Transferred to hotel_agent\nAuthorRole.ASSISTANT: Let's plan your family trip to Bali step-by-step:\n\n1. Budget allocation for $5000 total:\n- Flights: Approx $1600 (4 round trip tickets at around $400 each, economy)\n- Hotel: Approx $1000 (5 nights at " + }, + { + "key": "langfuse.input", + "type": "string", + "value": "AuthorRole.ASSISTANT: Step 1: Budget Allocation\nThe family has a strict budget of $5000 for 5 days. The main expenses are:\n- Flights (round trip for 4 people)\n- Hotels (5 nights)\n- Food (vegetarian)\n- Activities and local \nAuthorRole.USER: Transferred to flight_agent\nAuthorRole.ASSISTANT: Here's my detailed reasoning and plan for the Bali trip for a family of 4 from Seattle with a $5000 budget:\n\n1. Budget Allocation:\n- Flights: Approx $1600 (4 people round trip, $400 each)\n- Hotel: App\nAuthorRole.USER: Transferred to hotel_agent\nAuthorRole.ASSISTANT: Let's plan your family trip to Bali step-by-step:\n\n1. Budget allocation for $5000 total:\n- Flights: Approx $1600 (4 round trip tickets at around $400 each, economy)\n- Hotel: Approx $1000 (5 nights at " + } + ] + }, + { + "timestamp": 1751314111206272, + "fields": [ + { + "key": "event", + "type": "string", + "value": "input.last_message" + }, + { + "key": "context.type", + "type": "string", + "value": "immediate_context" + }, + { + "key": "last.agent", + "type": "string", + "value": "hotel_agent" + }, + { + "key": "last.message", + "type": "string", + "value": "Let's plan your family trip to Bali step-by-step:\n\n1. Budget allocation for $5000 total:\n- Flights: Approx $1600 (4 round trip tickets at around $400 each, economy)\n- Hotel: Approx $1000 (5 nights at ~$200 per night family room or 2 rooms)\n- Food: $400 ($20 per person per day vegetarian meals)\n- Activities & local transport: $500\n- Miscellaneous: $500 (buffer for visas, souvenirs, extra transport)\n\n2. Flights:\nRound trip flights from Seattle-Tacoma Intl (SEA) to Bali Denpasar (DPS) departing Jul" + }, + { + "key": "last.role", + "type": "string", + "value": "AuthorRole.ASSISTANT" + } + ] + }, + { + "timestamp": 1751314111206287, + "fields": [ + { + "key": "event", + "type": "string", + "value": "planning.participants" + }, + { + "key": "participant.count", + "type": "int64", + "value": 3 + }, + { + "key": "participant.names", + "type": "string", + "value": "[\"planner\",\"flight_agent\",\"hotel_agent\"]" + }, + { + "key": "participants", + "type": "string", + "value": "{\"planner\": \"Creates comprehensive travel plans including flights, hotels, and activities\", \"flight_agent\": \"Specializes in flight booking\", \"hotel_agent\": \"Specializes in hotel booking\"}" + } + ] + }, + { + "timestamp": 1751314237487630, + "fields": [ + { + "key": "event", + "type": "string", + "value": "group_chat.coordination_decision" + }, + { + "key": "coordination.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "coordination.success", + "type": "bool", + "value": true + }, + { + "key": "event.type", + "type": "string", + "value": "coordination_completed" + }, + { + "key": "langfuse.coordination", + "type": "string", + "value": "Agent coordination decision completed" + }, + { + "key": "planning.decision_made", + "type": "bool", + "value": true + } + ] + }, + { + "timestamp": 1751314237487650, + "fields": [ + { + "key": "event", + "type": "string", + "value": "gen_ai.planning.decision" + }, + { + "key": "langfuse.plan", + "type": "string", + "value": "Group chat coordination decision for determine_state_and_take_action" + }, + { + "key": "planning.completed", + "type": "bool", + "value": true + }, + { + "key": "planning.component", + "type": "string", + "value": "group_chat_manager" + }, + { + "key": "planning.operation", + "type": "string", + "value": "determine_state_and_take_action" + }, + { + "key": "planning.type", + "type": "string", + "value": "overall_coordination" + } + ] + } + ], + "processID": "p1", + "warnings": null } ], "processes": { diff --git a/python/samples/demos/travel_planning_system/observability.py b/python/samples/demos/travel_planning_system/observability.py index b6ce885be85e..a0d25a8b6f7b 100644 --- a/python/samples/demos/travel_planning_system/observability.py +++ b/python/samples/demos/travel_planning_system/observability.py @@ -11,17 +11,18 @@ from opentelemetry.sdk._logs import LoggerProvider, LoggingHandler from opentelemetry.sdk._logs.export import BatchLogRecordProcessor from opentelemetry.sdk.resources import Resource -from opentelemetry.sdk.trace import TracerProvider +from opentelemetry.sdk.trace import TracerProvider, ReadableSpan from opentelemetry.sdk.trace.export import BatchSpanProcessor from opentelemetry.semconv.resource import ResourceAttributes from opentelemetry.trace import set_tracer_provider +from opentelemetry.trace import NoOpTracerProvider from opentelemetry.trace.span import format_trace_id from opentelemetry.exporter.otlp.proto.http.trace_exporter import OTLPSpanExporter if sys.version_info >= (3, 12): - pass # pragma: no cover + from typing import override # pragma: no cover else: - pass # pragma: no cover + from typing_extensions import override # pragma: no cover load_dotenv() @@ -36,6 +37,7 @@ }) + def set_up_logging(): class KernelFilter(logging.Filter): """A filter to not process records from semantic_kernel.""" @@ -74,13 +76,19 @@ def filter(self, record): logger.setLevel(logging.NOTSET) -# class CustomBatchSpanProcessor(BatchSpanProcessor): -# @override -# def on_end(self, span: ReadableSpan): -# if span.name.startswith("agent_runtime"): -# # Skip spans that are part of the agent runtime. -# return -# super().on_end(span) +class CustomBatchSpanProcessor(BatchSpanProcessor): + @override + def on_end(self, span: ReadableSpan): + if span.name.startswith("agent_runtime"): # group_chat_manager + # Skip spans that are part of the agent runtime. + return + # Skip empty streaming message spans + if span.name == "streaming_message_final": + attributes = span.attributes or {} + content_length = attributes.get("message.content_length", 0) + if content_length == 0: + return + super().on_end(span) def set_up_tracing(): @@ -108,7 +116,8 @@ def set_up_tracing(): # Add all available exporters for exporter in exporters: - tracer_provider.add_span_processor(BatchSpanProcessor(exporter)) + # tracer_provider.add_span_processor(BatchSpanProcessor(exporter)) + tracer_provider.add_span_processor(CustomBatchSpanProcessor(exporter)) # Sets the global default tracer provider set_tracer_provider(tracer_provider)