agent_controller.py 26 KB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466467468469470471472473474475476477478479480481482483484485486487488489490491492493494495496497498499500501502503504505506507508509510511512513514515516517518519520521522523524525526527528529530531532533534535536537538539540541542543544545546547548549550551552553554555556557558559560561562563564565566567568569570571572573574575576577578579580581582583584585586587588589590591592593594595596597598599600601602603604605606607608609610611612613614615616617618619620621622623624625626627628629630631632
  1. import asyncio
  2. import copy
  3. import traceback
  4. from typing import Type
  5. import litellm
  6. from openhands.controller.agent import Agent
  7. from openhands.controller.state.state import State, TrafficControlState
  8. from openhands.controller.stuck import StuckDetector
  9. from openhands.core.config import AgentConfig, LLMConfig
  10. from openhands.core.exceptions import (
  11. LLMMalformedActionError,
  12. LLMNoActionError,
  13. LLMResponseError,
  14. )
  15. from openhands.core.logger import openhands_logger as logger
  16. from openhands.core.schema import AgentState
  17. from openhands.events import EventSource, EventStream, EventStreamSubscriber
  18. from openhands.events.action import (
  19. Action,
  20. ActionConfirmationStatus,
  21. AddTaskAction,
  22. AgentDelegateAction,
  23. AgentFinishAction,
  24. AgentRejectAction,
  25. ChangeAgentStateAction,
  26. CmdRunAction,
  27. IPythonRunCellAction,
  28. MessageAction,
  29. ModifyTaskAction,
  30. NullAction,
  31. )
  32. from openhands.events.event import Event
  33. from openhands.events.observation import (
  34. AgentDelegateObservation,
  35. AgentStateChangedObservation,
  36. CmdOutputObservation,
  37. ErrorObservation,
  38. FatalErrorObservation,
  39. Observation,
  40. )
  41. from openhands.events.serialization.event import truncate_content
  42. from openhands.llm.llm import LLM
  43. from openhands.runtime.utils.shutdown_listener import should_continue
  44. # note: RESUME is only available on web GUI
  45. TRAFFIC_CONTROL_REMINDER = (
  46. "Please click on resume button if you'd like to continue, or start a new task."
  47. )
  48. class AgentController:
  49. id: str
  50. agent: Agent
  51. max_iterations: int
  52. event_stream: EventStream
  53. state: State
  54. confirmation_mode: bool
  55. agent_to_llm_config: dict[str, LLMConfig]
  56. agent_configs: dict[str, AgentConfig]
  57. agent_task: asyncio.Future | None = None
  58. parent: 'AgentController | None' = None
  59. delegate: 'AgentController | None' = None
  60. _pending_action: Action | None = None
  61. def __init__(
  62. self,
  63. agent: Agent,
  64. event_stream: EventStream,
  65. max_iterations: int,
  66. max_budget_per_task: float | None = None,
  67. agent_to_llm_config: dict[str, LLMConfig] | None = None,
  68. agent_configs: dict[str, AgentConfig] | None = None,
  69. sid: str = 'default',
  70. confirmation_mode: bool = False,
  71. initial_state: State | None = None,
  72. is_delegate: bool = False,
  73. headless_mode: bool = True,
  74. ):
  75. """Initializes a new instance of the AgentController class.
  76. Args:
  77. agent: The agent instance to control.
  78. event_stream: The event stream to publish events to.
  79. max_iterations: The maximum number of iterations the agent can run.
  80. max_budget_per_task: The maximum budget (in USD) allowed per task, beyond which the agent will stop.
  81. agent_to_llm_config: A dictionary mapping agent names to LLM configurations in the case that
  82. we delegate to a different agent.
  83. agent_configs: A dictionary mapping agent names to agent configurations in the case that
  84. we delegate to a different agent.
  85. sid: The session ID of the agent.
  86. initial_state: The initial state of the controller.
  87. is_delegate: Whether this controller is a delegate.
  88. headless_mode: Whether the agent is run in headless mode.
  89. """
  90. self._step_lock = asyncio.Lock()
  91. self.id = sid
  92. self.agent = agent
  93. self.headless_mode = headless_mode
  94. # subscribe to the event stream
  95. self.event_stream = event_stream
  96. self.event_stream.subscribe(
  97. EventStreamSubscriber.AGENT_CONTROLLER, self.on_event, append=is_delegate
  98. )
  99. # state from the previous session, state from a parent agent, or a fresh state
  100. self.set_initial_state(
  101. state=initial_state,
  102. max_iterations=max_iterations,
  103. confirmation_mode=confirmation_mode,
  104. )
  105. self.max_budget_per_task = max_budget_per_task
  106. self.agent_to_llm_config = agent_to_llm_config if agent_to_llm_config else {}
  107. self.agent_configs = agent_configs if agent_configs else {}
  108. self._initial_max_iterations = max_iterations
  109. self._initial_max_budget_per_task = max_budget_per_task
  110. # stuck helper
  111. self._stuck_detector = StuckDetector(self.state)
  112. async def close(self):
  113. """Closes the agent controller, canceling any ongoing tasks and unsubscribing from the event stream."""
  114. await self.set_agent_state_to(AgentState.STOPPED)
  115. self.event_stream.unsubscribe(EventStreamSubscriber.AGENT_CONTROLLER)
  116. def update_state_before_step(self):
  117. self.state.iteration += 1
  118. self.state.local_iteration += 1
  119. async def update_state_after_step(self):
  120. # update metrics especially for cost. Use deepcopy to avoid it being modified by agent.reset()
  121. self.state.local_metrics = copy.deepcopy(self.agent.llm.metrics)
  122. async def report_error(self, message: str, exception: Exception | None = None):
  123. """Reports an error to the user and sends the exception to the LLM next step, in the hope it can self-correct.
  124. This method should be called for a particular type of errors, which have:
  125. - a user-friendly message, which will be shown in the chat box. This should not be a raw exception message.
  126. - an ErrorObservation that can be sent to the LLM by the user role, with the exception message, so it can self-correct next time.
  127. """
  128. self.state.last_error = message
  129. if exception:
  130. self.state.last_error += f': {exception}'
  131. detail = str(exception) if exception is not None else ''
  132. if exception is not None and isinstance(exception, litellm.AuthenticationError):
  133. detail = 'Please check your credentials. Is your API key correct?'
  134. self.event_stream.add_event(
  135. ErrorObservation(f'{message}:{detail}'), EventSource.USER
  136. )
  137. async def start_step_loop(self):
  138. """The main loop for the agent's step-by-step execution."""
  139. logger.info(f'[Agent Controller {self.id}] Starting step loop...')
  140. while should_continue():
  141. try:
  142. await self._step()
  143. except asyncio.CancelledError:
  144. logger.info('AgentController task was cancelled')
  145. break
  146. except Exception as e:
  147. traceback.print_exc()
  148. logger.error(f'Error while running the agent: {e}')
  149. logger.error(traceback.format_exc())
  150. await self.report_error(
  151. 'There was an unexpected error while running the agent', exception=e
  152. )
  153. await self.set_agent_state_to(AgentState.ERROR)
  154. break
  155. await asyncio.sleep(0.1)
  156. async def on_event(self, event: Event):
  157. """Callback from the event stream. Notifies the controller of incoming events.
  158. Args:
  159. event (Event): The incoming event to process.
  160. """
  161. if hasattr(event, 'hidden') and event.hidden:
  162. return
  163. if isinstance(event, Action):
  164. await self._handle_action(event)
  165. elif isinstance(event, Observation):
  166. await self._handle_observation(event)
  167. async def _handle_action(self, action: Action):
  168. """Handles actions from the event stream.
  169. Args:
  170. action (Action): The action to handle.
  171. """
  172. if isinstance(action, ChangeAgentStateAction):
  173. await self.set_agent_state_to(action.agent_state) # type: ignore
  174. elif isinstance(action, MessageAction):
  175. await self._handle_message_action(action)
  176. elif isinstance(action, AgentDelegateAction):
  177. await self.start_delegate(action)
  178. elif isinstance(action, AddTaskAction):
  179. self.state.root_task.add_subtask(
  180. action.parent, action.goal, action.subtasks
  181. )
  182. elif isinstance(action, ModifyTaskAction):
  183. self.state.root_task.set_subtask_state(action.task_id, action.state)
  184. elif isinstance(action, AgentFinishAction):
  185. self.state.outputs = action.outputs
  186. self.state.metrics.merge(self.state.local_metrics)
  187. await self.set_agent_state_to(AgentState.FINISHED)
  188. elif isinstance(action, AgentRejectAction):
  189. self.state.outputs = action.outputs
  190. self.state.metrics.merge(self.state.local_metrics)
  191. await self.set_agent_state_to(AgentState.REJECTED)
  192. async def _handle_observation(self, observation: Observation):
  193. """Handles observation from the event stream.
  194. Args:
  195. observation (observation): The observation to handle.
  196. """
  197. if (
  198. self._pending_action
  199. and hasattr(self._pending_action, 'confirmation_state')
  200. and self._pending_action.confirmation_state
  201. == ActionConfirmationStatus.AWAITING_CONFIRMATION
  202. ):
  203. return
  204. # Make sure we print the observation in the same way as the LLM sees it
  205. observation_to_print = copy.deepcopy(observation)
  206. if len(observation_to_print.content) > self.agent.llm.config.max_message_chars:
  207. observation_to_print.content = truncate_content(
  208. observation_to_print.content, self.agent.llm.config.max_message_chars
  209. )
  210. logger.info(observation_to_print, extra={'msg_type': 'OBSERVATION'})
  211. # Merge with the metrics from the LLM - it will to synced to the controller's local metrics in update_state_after_step()
  212. if observation.llm_metrics is not None:
  213. self.agent.llm.metrics.merge(observation.llm_metrics)
  214. if self._pending_action and self._pending_action.id == observation.cause:
  215. self._pending_action = None
  216. if self.state.agent_state == AgentState.USER_CONFIRMED:
  217. await self.set_agent_state_to(AgentState.RUNNING)
  218. if self.state.agent_state == AgentState.USER_REJECTED:
  219. await self.set_agent_state_to(AgentState.AWAITING_USER_INPUT)
  220. return
  221. if isinstance(observation, CmdOutputObservation):
  222. return
  223. elif isinstance(observation, AgentDelegateObservation):
  224. self.state.history.on_event(observation)
  225. elif isinstance(observation, ErrorObservation):
  226. if self.state.agent_state == AgentState.ERROR:
  227. self.state.metrics.merge(self.state.local_metrics)
  228. elif isinstance(observation, FatalErrorObservation):
  229. self.state.last_error = (
  230. f'There was a fatal error during agent execution: {str(observation)}'
  231. )
  232. self.state.metrics.merge(self.state.local_metrics)
  233. await self.set_agent_state_to(AgentState.ERROR)
  234. async def _handle_message_action(self, action: MessageAction):
  235. """Handles message actions from the event stream.
  236. Args:
  237. action (MessageAction): The message action to handle.
  238. """
  239. if action.source == EventSource.USER:
  240. logger.info(
  241. action, extra={'msg_type': 'ACTION', 'event_source': EventSource.USER}
  242. )
  243. if self.get_agent_state() != AgentState.RUNNING:
  244. await self.set_agent_state_to(AgentState.RUNNING)
  245. elif action.source == EventSource.AGENT and action.wait_for_response:
  246. await self.set_agent_state_to(AgentState.AWAITING_USER_INPUT)
  247. def reset_task(self):
  248. """Resets the agent's task."""
  249. self.almost_stuck = 0
  250. self.agent.reset()
  251. async def set_agent_state_to(self, new_state: AgentState):
  252. """Updates the agent's state and handles side effects. Can emit events to the event stream.
  253. Args:
  254. new_state (AgentState): The new state to set for the agent.
  255. """
  256. logger.debug(
  257. f'[Agent Controller {self.id}] Setting agent({self.agent.name}) state from {self.state.agent_state} to {new_state}'
  258. )
  259. if new_state == self.state.agent_state:
  260. return
  261. if new_state == AgentState.STOPPED or new_state == AgentState.ERROR:
  262. self.reset_task()
  263. elif (
  264. new_state == AgentState.RUNNING
  265. and self.state.agent_state == AgentState.PAUSED
  266. and self.state.traffic_control_state == TrafficControlState.THROTTLING
  267. ):
  268. # user intends to interrupt traffic control and let the task resume temporarily
  269. self.state.traffic_control_state = TrafficControlState.PAUSED
  270. # User has chosen to deliberately continue - lets double the max iterations
  271. if (
  272. self.state.iteration is not None
  273. and self.state.max_iterations is not None
  274. and self._initial_max_iterations is not None
  275. ):
  276. if self.state.iteration >= self.state.max_iterations:
  277. self.state.max_iterations += self._initial_max_iterations
  278. if (
  279. self.state.metrics.accumulated_cost is not None
  280. and self.max_budget_per_task is not None
  281. and self._initial_max_budget_per_task is not None
  282. ):
  283. if self.state.metrics.accumulated_cost >= self.max_budget_per_task:
  284. self.max_budget_per_task += self._initial_max_budget_per_task
  285. elif self._pending_action is not None and (
  286. new_state == AgentState.USER_CONFIRMED
  287. or new_state == AgentState.USER_REJECTED
  288. ):
  289. if hasattr(self._pending_action, 'thought'):
  290. self._pending_action.thought = '' # type: ignore[union-attr]
  291. if new_state == AgentState.USER_CONFIRMED:
  292. confirmation_state = ActionConfirmationStatus.CONFIRMED
  293. else:
  294. confirmation_state = ActionConfirmationStatus.REJECTED
  295. self._pending_action.confirmation_state = confirmation_state # type: ignore[attr-defined]
  296. self.event_stream.add_event(self._pending_action, EventSource.AGENT)
  297. self.state.agent_state = new_state
  298. self.event_stream.add_event(
  299. AgentStateChangedObservation('', self.state.agent_state), EventSource.AGENT
  300. )
  301. if new_state == AgentState.INIT and self.state.resume_state:
  302. await self.set_agent_state_to(self.state.resume_state)
  303. self.state.resume_state = None
  304. def get_agent_state(self):
  305. """Returns the current state of the agent.
  306. Returns:
  307. AgentState: The current state of the agent.
  308. """
  309. return self.state.agent_state
  310. async def start_delegate(self, action: AgentDelegateAction):
  311. """Start a delegate agent to handle a subtask.
  312. OpenHands is a multi-agentic system. A `task` is a conversation between
  313. OpenHands (the whole system) and the user, which might involve one or more inputs
  314. from the user. It starts with an initial input (typically a task statement) from
  315. the user, and ends with either an `AgentFinishAction` initiated by the agent, a
  316. stop initiated by the user, or an error.
  317. A `subtask` is a conversation between an agent and the user, or another agent. If a `task`
  318. is conducted by a single agent, then it's also a `subtask`. Otherwise, a `task` consists of
  319. multiple `subtasks`, each executed by one agent.
  320. Args:
  321. action (AgentDelegateAction): The action containing information about the delegate agent to start.
  322. """
  323. agent_cls: Type[Agent] = Agent.get_cls(action.agent)
  324. agent_config = self.agent_configs.get(action.agent, self.agent.config)
  325. llm_config = self.agent_to_llm_config.get(action.agent, self.agent.llm.config)
  326. llm = LLM(config=llm_config)
  327. delegate_agent = agent_cls(llm=llm, config=agent_config)
  328. state = State(
  329. inputs=action.inputs or {},
  330. local_iteration=0,
  331. iteration=self.state.iteration,
  332. max_iterations=self.state.max_iterations,
  333. delegate_level=self.state.delegate_level + 1,
  334. # global metrics should be shared between parent and child
  335. metrics=self.state.metrics,
  336. )
  337. logger.info(
  338. f'[Agent Controller {self.id}]: start delegate, creating agent {delegate_agent.name} using LLM {llm}'
  339. )
  340. self.delegate = AgentController(
  341. sid=self.id + '-delegate',
  342. agent=delegate_agent,
  343. event_stream=self.event_stream,
  344. max_iterations=self.state.max_iterations,
  345. max_budget_per_task=self.max_budget_per_task,
  346. agent_to_llm_config=self.agent_to_llm_config,
  347. agent_configs=self.agent_configs,
  348. initial_state=state,
  349. is_delegate=True,
  350. headless_mode=self.headless_mode,
  351. )
  352. await self.delegate.set_agent_state_to(AgentState.RUNNING)
  353. async def _step(self) -> None:
  354. """Executes a single step of the parent or delegate agent. Detects stuck agents and limits on the number of iterations and the task budget."""
  355. if self.get_agent_state() != AgentState.RUNNING:
  356. await asyncio.sleep(1)
  357. return
  358. if self._pending_action:
  359. await asyncio.sleep(1)
  360. return
  361. # check if agent got stuck before taking any action
  362. if self._is_stuck():
  363. # This need to go BEFORE report_error to sync metrics
  364. self.event_stream.add_event(
  365. FatalErrorObservation('Agent got stuck in a loop'), EventSource.USER
  366. )
  367. return
  368. if self.delegate is not None:
  369. assert self.delegate != self
  370. if self.delegate.get_agent_state() == AgentState.PAUSED:
  371. await asyncio.sleep(1)
  372. else:
  373. await self._delegate_step()
  374. return
  375. logger.info(
  376. f'{self.agent.name} LEVEL {self.state.delegate_level} LOCAL STEP {self.state.local_iteration} GLOBAL STEP {self.state.iteration}',
  377. extra={'msg_type': 'STEP'},
  378. )
  379. # check if agent hit the resources limit
  380. stop_step = False
  381. if self.state.iteration >= self.state.max_iterations:
  382. stop_step = await self._handle_traffic_control(
  383. 'iteration', self.state.iteration, self.state.max_iterations
  384. )
  385. if self.max_budget_per_task is not None:
  386. current_cost = self.state.metrics.accumulated_cost
  387. if current_cost > self.max_budget_per_task:
  388. stop_step = await self._handle_traffic_control(
  389. 'budget', current_cost, self.max_budget_per_task
  390. )
  391. if stop_step:
  392. return
  393. self.update_state_before_step()
  394. action: Action = NullAction()
  395. try:
  396. action = self.agent.step(self.state)
  397. if action is None:
  398. raise LLMNoActionError('No action was returned')
  399. except (LLMMalformedActionError, LLMNoActionError, LLMResponseError) as e:
  400. # report to the user
  401. # and send the underlying exception to the LLM for self-correction
  402. await self.report_error(str(e))
  403. return
  404. if action.runnable:
  405. if self.state.confirmation_mode and (
  406. type(action) is CmdRunAction or type(action) is IPythonRunCellAction
  407. ):
  408. action.confirmation_state = (
  409. ActionConfirmationStatus.AWAITING_CONFIRMATION
  410. )
  411. self._pending_action = action
  412. if not isinstance(action, NullAction):
  413. if (
  414. hasattr(action, 'confirmation_state')
  415. and action.confirmation_state
  416. == ActionConfirmationStatus.AWAITING_CONFIRMATION
  417. ):
  418. await self.set_agent_state_to(AgentState.AWAITING_USER_CONFIRMATION)
  419. self.event_stream.add_event(action, EventSource.AGENT)
  420. await self.update_state_after_step()
  421. logger.info(action, extra={'msg_type': 'ACTION'})
  422. async def _delegate_step(self):
  423. """Executes a single step of the delegate agent."""
  424. logger.debug(f'[Agent Controller {self.id}] Delegate not none, awaiting...')
  425. await self.delegate._step() # type: ignore[union-attr]
  426. logger.debug(f'[Agent Controller {self.id}] Delegate step done')
  427. assert self.delegate is not None
  428. delegate_state = self.delegate.get_agent_state()
  429. logger.debug(f'[Agent Controller {self.id}] Delegate state: {delegate_state}')
  430. if delegate_state == AgentState.ERROR:
  431. # update iteration that shall be shared across agents
  432. self.state.iteration = self.delegate.state.iteration
  433. # close the delegate upon error
  434. await self.delegate.close()
  435. self.delegate = None
  436. self.delegateAction = None
  437. await self.report_error('Delegator agent encountered an error')
  438. elif delegate_state in (AgentState.FINISHED, AgentState.REJECTED):
  439. logger.info(
  440. f'[Agent Controller {self.id}] Delegate agent has finished execution'
  441. )
  442. # retrieve delegate result
  443. outputs = self.delegate.state.outputs if self.delegate.state else {}
  444. # update iteration that shall be shared across agents
  445. self.state.iteration = self.delegate.state.iteration
  446. # close delegate controller: we must close the delegate controller before adding new events
  447. await self.delegate.close()
  448. # update delegate result observation
  449. # TODO: replace this with AI-generated summary (#2395)
  450. formatted_output = ', '.join(
  451. f'{key}: {value}' for key, value in outputs.items()
  452. )
  453. content = (
  454. f'{self.delegate.agent.name} finishes task with {formatted_output}'
  455. )
  456. obs: Observation = AgentDelegateObservation(
  457. outputs=outputs, content=content
  458. )
  459. # clean up delegate status
  460. self.delegate = None
  461. self.delegateAction = None
  462. self.event_stream.add_event(obs, EventSource.AGENT)
  463. return
  464. async def _handle_traffic_control(
  465. self, limit_type: str, current_value: float, max_value: float
  466. ):
  467. """Handles agent state after hitting the traffic control limit.
  468. Args:
  469. limit_type (str): The type of limit that was hit.
  470. current_value (float): The current value of the limit.
  471. max_value (float): The maximum value of the limit.
  472. """
  473. stop_step = False
  474. if self.state.traffic_control_state == TrafficControlState.PAUSED:
  475. logger.info('Hitting traffic control, temporarily resume upon user request')
  476. self.state.traffic_control_state = TrafficControlState.NORMAL
  477. else:
  478. self.state.traffic_control_state = TrafficControlState.THROTTLING
  479. if self.headless_mode:
  480. # This need to go BEFORE report_error to sync metrics
  481. await self.set_agent_state_to(AgentState.ERROR)
  482. # set to ERROR state if running in headless mode
  483. # since user cannot resume on the web interface
  484. await self.report_error(
  485. f'Agent reached maximum {limit_type} in headless mode, task stopped. '
  486. f'Current {limit_type}: {current_value:.2f}, max {limit_type}: {max_value:.2f}'
  487. )
  488. else:
  489. await self.set_agent_state_to(AgentState.PAUSED)
  490. await self.report_error(
  491. f'Agent reached maximum {limit_type}, task paused. '
  492. f'Current {limit_type}: {current_value:.2f}, max {limit_type}: {max_value:.2f}. '
  493. f'{TRAFFIC_CONTROL_REMINDER}'
  494. )
  495. stop_step = True
  496. return stop_step
  497. def get_state(self):
  498. """Returns the current running state object.
  499. Returns:
  500. State: The current state object.
  501. """
  502. return self.state
  503. def set_initial_state(
  504. self,
  505. state: State | None,
  506. max_iterations: int,
  507. confirmation_mode: bool = False,
  508. ):
  509. """Sets the initial state for the agent, either from the previous session, or from a parent agent, or by creating a new one.
  510. Args:
  511. state: The state to initialize with, or None to create a new state.
  512. max_iterations: The maximum number of iterations allowed for the task.
  513. confirmation_mode: Whether to enable confirmation mode.
  514. """
  515. # state from the previous session, state from a parent agent, or a new state
  516. # note that this is called twice when restoring a previous session, first with state=None
  517. if state is None:
  518. self.state = State(
  519. inputs={},
  520. max_iterations=max_iterations,
  521. confirmation_mode=confirmation_mode,
  522. )
  523. else:
  524. self.state = state
  525. # when restored from a previous session, the State object will have history, start_id, and end_id
  526. # connect it to the event stream
  527. self.state.history.set_event_stream(self.event_stream)
  528. # if start_id was not set in State, we're starting fresh, at the top of the stream
  529. start_id = self.state.start_id
  530. if start_id == -1:
  531. start_id = self.event_stream.get_latest_event_id() + 1
  532. else:
  533. logger.debug(f'AgentController {self.id} restoring from event {start_id}')
  534. # make sure history is in sync
  535. self.state.start_id = start_id
  536. self.state.history.start_id = start_id
  537. # if there was an end_id saved in State, set it in history
  538. # currently not used, later useful for delegates
  539. if self.state.end_id > -1:
  540. self.state.history.end_id = self.state.end_id
  541. def _is_stuck(self):
  542. """Checks if the agent or its delegate is stuck in a loop.
  543. Returns:
  544. bool: True if the agent is stuck, False otherwise.
  545. """
  546. # check if delegate stuck
  547. if self.delegate and self.delegate._is_stuck():
  548. return True
  549. return self._stuck_detector.is_stuck()
  550. def __repr__(self):
  551. return (
  552. f'AgentController(id={self.id}, agent={self.agent!r}, '
  553. f'event_stream={self.event_stream!r}, '
  554. f'state={self.state!r}, agent_task={self.agent_task!r}, '
  555. f'delegate={self.delegate!r}, _pending_action={self._pending_action!r})'
  556. )