hud-python 0.4.52__py3-none-any.whl → 0.4.54__py3-none-any.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.

Potentially problematic release.


This version of hud-python might be problematic. Click here for more details.

Files changed (70) hide show
  1. hud/agents/base.py +9 -2
  2. hud/agents/openai_chat_generic.py +15 -3
  3. hud/agents/tests/test_base.py +15 -0
  4. hud/agents/tests/test_base_runtime.py +164 -0
  5. hud/cli/__init__.py +20 -12
  6. hud/cli/build.py +35 -27
  7. hud/cli/dev.py +13 -31
  8. hud/cli/eval.py +85 -84
  9. hud/cli/tests/test_analyze_module.py +120 -0
  10. hud/cli/tests/test_build.py +24 -2
  11. hud/cli/tests/test_build_failure.py +41 -0
  12. hud/cli/tests/test_build_module.py +50 -0
  13. hud/cli/tests/test_cli_more_wrappers.py +30 -0
  14. hud/cli/tests/test_cli_root.py +134 -0
  15. hud/cli/tests/test_eval.py +6 -6
  16. hud/cli/tests/test_mcp_server.py +8 -7
  17. hud/cli/tests/test_push_happy.py +74 -0
  18. hud/cli/tests/test_push_wrapper.py +23 -0
  19. hud/cli/utils/docker.py +120 -1
  20. hud/cli/utils/runner.py +1 -1
  21. hud/cli/utils/tests/__init__.py +0 -0
  22. hud/cli/utils/tests/test_config.py +58 -0
  23. hud/cli/utils/tests/test_docker.py +93 -0
  24. hud/cli/utils/tests/test_docker_hints.py +71 -0
  25. hud/cli/utils/tests/test_env_check.py +74 -0
  26. hud/cli/utils/tests/test_environment.py +42 -0
  27. hud/cli/utils/tests/test_interactive_module.py +60 -0
  28. hud/cli/utils/tests/test_local_runner.py +50 -0
  29. hud/cli/utils/tests/test_logging_utils.py +23 -0
  30. hud/cli/utils/tests/test_metadata.py +49 -0
  31. hud/cli/utils/tests/test_package_runner.py +35 -0
  32. hud/cli/utils/tests/test_registry_utils.py +49 -0
  33. hud/cli/utils/tests/test_remote_runner.py +25 -0
  34. hud/cli/utils/tests/test_runner_modules.py +52 -0
  35. hud/cli/utils/tests/test_source_hash.py +36 -0
  36. hud/cli/utils/tests/test_tasks.py +80 -0
  37. hud/cli/utils/version_check.py +2 -2
  38. hud/datasets/tests/__init__.py +0 -0
  39. hud/datasets/tests/test_runner.py +106 -0
  40. hud/datasets/tests/test_utils.py +228 -0
  41. hud/otel/tests/__init__.py +0 -1
  42. hud/otel/tests/test_instrumentation.py +207 -0
  43. hud/server/tests/test_server_extra.py +2 -0
  44. hud/shared/exceptions.py +35 -4
  45. hud/shared/hints.py +25 -0
  46. hud/shared/requests.py +15 -3
  47. hud/shared/tests/test_exceptions.py +31 -23
  48. hud/shared/tests/test_hints.py +167 -0
  49. hud/telemetry/tests/test_async_context.py +242 -0
  50. hud/telemetry/tests/test_instrument.py +414 -0
  51. hud/telemetry/tests/test_job.py +609 -0
  52. hud/telemetry/tests/test_trace.py +183 -5
  53. hud/tools/computer/settings.py +2 -2
  54. hud/tools/tests/test_submit.py +85 -0
  55. hud/tools/tests/test_types.py +193 -0
  56. hud/types.py +17 -1
  57. hud/utils/agent_factories.py +1 -3
  58. hud/utils/mcp.py +1 -1
  59. hud/utils/tests/test_agent_factories.py +60 -0
  60. hud/utils/tests/test_mcp.py +4 -6
  61. hud/utils/tests/test_pretty_errors.py +186 -0
  62. hud/utils/tests/test_tasks.py +187 -0
  63. hud/utils/tests/test_tool_shorthand.py +154 -0
  64. hud/utils/tests/test_version.py +1 -1
  65. hud/version.py +1 -1
  66. {hud_python-0.4.52.dist-info → hud_python-0.4.54.dist-info}/METADATA +49 -49
  67. {hud_python-0.4.52.dist-info → hud_python-0.4.54.dist-info}/RECORD +70 -32
  68. {hud_python-0.4.52.dist-info → hud_python-0.4.54.dist-info}/WHEEL +0 -0
  69. {hud_python-0.4.52.dist-info → hud_python-0.4.54.dist-info}/entry_points.txt +0 -0
  70. {hud_python-0.4.52.dist-info → hud_python-0.4.54.dist-info}/licenses/LICENSE +0 -0
hud/agents/base.py CHANGED
@@ -137,7 +137,11 @@ class MCPAgent(ABC):
137
137
  "No MCPClient. Please provide one when initializing the agent or pass a Task with mcp_config." # noqa: E501
138
138
  )
139
139
 
140
- await self._setup_config(self.mcp_client.mcp_config)
140
+ try:
141
+ client_cfg = getattr(self.mcp_client, "mcp_config", None)
142
+ except Exception:
143
+ client_cfg = None
144
+ await self._setup_config(client_cfg)
141
145
 
142
146
  # Initialize client if needed
143
147
  try:
@@ -618,8 +622,11 @@ class MCPAgent(ABC):
618
622
  except Exception as e:
619
623
  self.console.error_log(f"Response lifecycle tool failed: {e}")
620
624
 
621
- async def _setup_config(self, mcp_config: dict[str, dict[str, Any]]) -> None:
625
+ async def _setup_config(self, mcp_config: dict[str, dict[str, Any]] | None) -> None:
622
626
  """Inject metadata into the metadata of the initialize request."""
627
+ if not isinstance(mcp_config, dict):
628
+ return
629
+
623
630
  if self.metadata:
624
631
  patch_mcp_config(
625
632
  mcp_config,
@@ -20,6 +20,7 @@ import logging
20
20
  from typing import TYPE_CHECKING, Any, ClassVar, cast
21
21
 
22
22
  import mcp.types as types
23
+ from openai import AsyncOpenAI
23
24
 
24
25
  from hud import instrument
25
26
  from hud.types import AgentResponse, MCPToolCall, MCPToolResult
@@ -28,7 +29,6 @@ from hud.utils.hud_console import HUDConsole
28
29
  from .base import MCPAgent
29
30
 
30
31
  if TYPE_CHECKING:
31
- from openai import AsyncOpenAI
32
32
  from openai.types.chat import ChatCompletionToolParam
33
33
 
34
34
  logger = logging.getLogger(__name__)
@@ -42,14 +42,26 @@ class GenericOpenAIChatAgent(MCPAgent):
42
42
  def __init__(
43
43
  self,
44
44
  *,
45
- openai_client: AsyncOpenAI | None,
45
+ openai_client: AsyncOpenAI | None = None,
46
+ api_key: str | None = None,
47
+ base_url: str | None = None,
46
48
  model_name: str = "gpt-4o-mini",
47
49
  completion_kwargs: dict[str, Any] | None = None,
48
50
  **agent_kwargs: Any,
49
51
  ) -> None:
50
52
  # Accept base-agent settings via **agent_kwargs (e.g., mcp_client, system_prompt, etc.)
51
53
  super().__init__(**agent_kwargs)
52
- self.oai = openai_client
54
+
55
+ # Handle client creation - support both patterns
56
+ if openai_client is not None:
57
+ # Use provided client (backward compatibility)
58
+ self.oai = openai_client
59
+ elif api_key is not None or base_url is not None:
60
+ # Create client from config (new pattern, consistent with other agents)
61
+ self.oai = AsyncOpenAI(api_key=api_key, base_url=base_url)
62
+ else:
63
+ raise ValueError("Either openai_client or (api_key and base_url) must be provided")
64
+
53
65
  self.model_name = model_name
54
66
  self.completion_kwargs: dict[str, Any] = completion_kwargs or {}
55
67
  self.mcp_schemas = []
@@ -329,6 +329,21 @@ class TestBaseMCPAgent:
329
329
  # call_tools doesn't validate empty names, it will return error
330
330
  await agent.call_tools(tool_call)
331
331
 
332
+ def test_get_tool_schemas(self):
333
+ """Test getting tool schemas."""
334
+ agent = MockMCPAgent()
335
+
336
+ agent._available_tools = [
337
+ types.Tool(name="tool1", description="Tool 1", inputSchema={"type": "object"}),
338
+ types.Tool(name="setup", description="Setup", inputSchema={"type": "object"}),
339
+ ]
340
+
341
+ schemas = agent.get_tool_schemas()
342
+
343
+ # Should include non-lifecycle tools
344
+ assert len(schemas) == 2
345
+ assert schemas[0]["name"] == "tool1"
346
+
332
347
  def test_get_tools_by_server(self):
333
348
  """Test getting tools grouped by server."""
334
349
  agent = MockMCPAgent()
@@ -0,0 +1,164 @@
1
+ from __future__ import annotations
2
+
3
+ from unittest import mock
4
+
5
+ import mcp.types as types
6
+ import pytest
7
+
8
+ from hud.agents.base import MCPAgent, find_content, find_reward, text_to_blocks
9
+ from hud.types import AgentResponse, MCPToolCall, MCPToolResult
10
+
11
+
12
+ class DummyAgent(MCPAgent):
13
+ async def get_system_messages(self):
14
+ return [types.TextContent(text="sys", type="text")]
15
+
16
+ async def get_response(self, messages):
17
+ # Single step: no tool calls -> done
18
+ return AgentResponse(content="ok", tool_calls=[], done=True)
19
+
20
+ async def format_blocks(self, blocks):
21
+ # Return as-is
22
+ return blocks
23
+
24
+ async def format_tool_results(self, tool_calls, tool_results):
25
+ return [types.TextContent(text="tools", type="text")]
26
+
27
+
28
+ @pytest.mark.asyncio
29
+ async def test_run_with_string_prompt_auto_client(monkeypatch):
30
+ # Fake MCPClient with required methods
31
+ fake_client = mock.AsyncMock()
32
+ fake_client.initialize.return_value = None
33
+ fake_client.list_tools.return_value = []
34
+ fake_client.shutdown.return_value = None
35
+
36
+ # Patch MCPClient construction inside initialize()
37
+ with mock.patch("hud.clients.MCPClient", return_value=fake_client):
38
+ agent = DummyAgent(mcp_client=fake_client, auto_trace=False)
39
+ result = await agent.run("hello", max_steps=1)
40
+ assert result.done is True and result.isError is False
41
+
42
+
43
+ def test_find_reward_and_content_extractors():
44
+ # Structured content
45
+ r = MCPToolResult(
46
+ content=text_to_blocks("{}"), isError=False, structuredContent={"reward": 0.7}
47
+ )
48
+ assert find_reward(r) == 0.7
49
+
50
+ # Text JSON
51
+ r2 = MCPToolResult(content=text_to_blocks('{"score": 0.5, "content": "hi"}'), isError=False)
52
+ assert find_reward(r2) == 0.5
53
+ assert find_content(r2) == "hi"
54
+
55
+
56
+ @pytest.mark.asyncio
57
+ async def test_call_tools_error_paths():
58
+ fake_client = mock.AsyncMock()
59
+ # First call succeeds
60
+ ok_result = MCPToolResult(content=text_to_blocks("ok"), isError=False)
61
+ fake_client.call_tool.side_effect = [ok_result, RuntimeError("boom")]
62
+ agent = DummyAgent(mcp_client=fake_client, auto_trace=False)
63
+ results = await agent.call_tools(
64
+ [MCPToolCall(name="a", arguments={}), MCPToolCall(name="b", arguments={})]
65
+ )
66
+ assert results[0].isError is False
67
+ assert results[1].isError is True
68
+
69
+
70
+ @pytest.mark.asyncio
71
+ async def test_initialize_without_client_raises_valueerror():
72
+ agent = DummyAgent(mcp_client=None, auto_trace=False)
73
+ with pytest.raises(ValueError):
74
+ await agent.initialize(None)
75
+
76
+
77
+ def test_get_available_tools_before_initialize_raises():
78
+ agent = DummyAgent(mcp_client=mock.AsyncMock(), auto_trace=False)
79
+ with pytest.raises(RuntimeError):
80
+ agent.get_available_tools()
81
+
82
+
83
+ @pytest.mark.asyncio
84
+ async def test_format_message_invalid_type_raises():
85
+ agent = DummyAgent(mcp_client=mock.AsyncMock(), auto_trace=False)
86
+ with pytest.raises(ValueError):
87
+ await agent.format_message({"oops": 1}) # type: ignore
88
+
89
+
90
+ @pytest.mark.asyncio
91
+ async def test_call_tools_timeout_error_shutdown_called():
92
+ fake_client = mock.AsyncMock()
93
+ fake_client.call_tool.side_effect = TimeoutError("timeout")
94
+ fake_client.shutdown.return_value = None
95
+ agent = DummyAgent(mcp_client=fake_client, auto_trace=False)
96
+ with pytest.raises(TimeoutError):
97
+ await agent.call_tools(MCPToolCall(name="x", arguments={}))
98
+ fake_client.shutdown.assert_awaited_once()
99
+
100
+
101
+ def test_text_to_blocks_shapes():
102
+ blocks = text_to_blocks("x")
103
+ assert isinstance(blocks, list) and blocks and isinstance(blocks[0], types.TextContent)
104
+
105
+
106
+ @pytest.mark.asyncio
107
+ async def test_run_returns_connection_error_trace(monkeypatch):
108
+ fake_client = mock.AsyncMock()
109
+ fake_client.mcp_config = {}
110
+ fake_client.initialize.side_effect = RuntimeError("Connection refused http://localhost:1234")
111
+ fake_client.list_tools.return_value = []
112
+ fake_client.shutdown.return_value = None
113
+
114
+ class DummyCM:
115
+ def __exit__(self, *args, **kwargs):
116
+ return False
117
+
118
+ monkeypatch.setattr("hud.utils.mcp.setup_hud_telemetry", lambda *args, **kwargs: DummyCM())
119
+
120
+ agent = DummyAgent(mcp_client=fake_client, auto_trace=False)
121
+ result = await agent.run("p", max_steps=1)
122
+ assert result.isError is True
123
+ assert "Could not connect" in (result.content or "")
124
+
125
+
126
+ @pytest.mark.asyncio
127
+ async def test_run_calls_response_tool_when_configured(monkeypatch):
128
+ fake_client = mock.AsyncMock()
129
+ fake_client.mcp_config = {}
130
+ fake_client.initialize.return_value = None
131
+ fake_client.list_tools.return_value = []
132
+ fake_client.shutdown.return_value = None
133
+ ok = MCPToolResult(content=text_to_blocks("ok"), isError=False)
134
+ fake_client.call_tool.return_value = ok
135
+
136
+ class DummyCM:
137
+ def __exit__(self, *args, **kwargs):
138
+ return False
139
+
140
+ monkeypatch.setattr("hud.utils.mcp.setup_hud_telemetry", lambda *args, **kwargs: DummyCM())
141
+
142
+ agent = DummyAgent(mcp_client=fake_client, auto_trace=False, response_tool_name="submit")
143
+ result = await agent.run("hello", max_steps=1)
144
+ assert result.isError is False
145
+ fake_client.call_tool.assert_awaited()
146
+
147
+
148
+ @pytest.mark.asyncio
149
+ async def test_get_available_tools_after_initialize(monkeypatch):
150
+ fake_client = mock.AsyncMock()
151
+ fake_client.mcp_config = {}
152
+ fake_client.initialize.return_value = None
153
+ fake_client.list_tools.return_value = []
154
+ fake_client.shutdown.return_value = None
155
+
156
+ class DummyCM:
157
+ def __exit__(self, *args, **kwargs):
158
+ return False
159
+
160
+ monkeypatch.setattr("hud.utils.mcp.setup_hud_telemetry", lambda *args, **kwargs: DummyCM())
161
+
162
+ agent = DummyAgent(mcp_client=fake_client, auto_trace=False)
163
+ await agent.initialize(None)
164
+ assert agent.get_available_tools() == []
hud/cli/__init__.py CHANGED
@@ -12,6 +12,8 @@ from rich.console import Console
12
12
  from rich.panel import Panel
13
13
  from rich.table import Table
14
14
 
15
+ from hud.types import AgentType
16
+
15
17
  from . import list_func as list_module
16
18
  from .analyze import (
17
19
  analyze_environment,
@@ -242,15 +244,18 @@ def debug(
242
244
  if build and not build_environment(directory, image_name):
243
245
  raise typer.Exit(1)
244
246
 
245
- # Build Docker command
246
- from .utils.docker import build_run_command
247
+ # Build Docker command with folder-mode envs
248
+ from .utils.docker import create_docker_run_command
247
249
 
248
- command = build_run_command(image_name, docker_args)
250
+ command = create_docker_run_command(
251
+ image_name, docker_args=docker_args, env_dir=directory
252
+ )
249
253
  else:
250
254
  # Assume it's an image name
251
255
  image = first_param
252
256
  from .utils.docker import build_run_command
253
257
 
258
+ # Image-only mode: do not auto-inject local .env
254
259
  command = build_run_command(image, docker_args)
255
260
  else:
256
261
  console.print(
@@ -844,7 +849,7 @@ def eval(
844
849
  hud_console = HUDConsole()
845
850
 
846
851
  if integration_test:
847
- agent = "integration_test"
852
+ agent = AgentType.INTEGRATION_TEST
848
853
 
849
854
  # If no source provided, reuse RL helper to find a tasks file interactively
850
855
  if source is None:
@@ -891,17 +896,17 @@ def eval(
891
896
  # Add standard agent choices
892
897
  choices.extend(
893
898
  [
894
- {"name": "Claude 4 Sonnet", "value": "claude"},
895
- {"name": "OpenAI Computer Use", "value": "openai"},
896
- {"name": "vLLM (Local Server)", "value": "vllm"},
897
- {"name": "LiteLLM (Multi-provider)", "value": "litellm"},
899
+ {"name": "Claude 4 Sonnet", "value": AgentType.CLAUDE},
900
+ {"name": "OpenAI Computer Use", "value": AgentType.OPENAI},
901
+ {"name": "vLLM (Local Server)", "value": AgentType.VLLM},
902
+ {"name": "LiteLLM (Multi-provider)", "value": AgentType.LITELLM},
898
903
  ]
899
904
  )
900
905
 
901
906
  agent = hud_console.select("Select an agent to use:", choices=choices, default=0)
902
907
 
903
908
  # Handle HUD model selection
904
- if agent and agent not in ["claude", "openai", "vllm", "litellm", "integration_test"]:
909
+ if agent and agent not in [e.value for e in AgentType]:
905
910
  # Find remote model name
906
911
  model = agent
907
912
  if not vllm_base_url:
@@ -918,20 +923,23 @@ def eval(
918
923
  hud_console.error(f"Model {model} not found")
919
924
  raise typer.Exit(1)
920
925
  model = base_model
921
- agent = "vllm" # Use vLLM backend for HUD models
926
+ agent = AgentType.VLLM # Use vLLM backend for HUD models
922
927
  hud_console.info(f"Using HUD model: {model} (trained on {base_model})")
923
928
 
924
929
  # Validate agent choice
925
- valid_agents = ["claude", "openai", "vllm", "litellm", "integration_test"]
930
+ valid_agents = [e.value for e in AgentType]
926
931
  if agent not in valid_agents:
927
932
  hud_console.error(f"Invalid agent: {agent}. Must be one of: {', '.join(valid_agents)}")
928
933
  raise typer.Exit(1)
929
934
 
935
+ # Type narrowing: agent is now guaranteed to be an AgentType value after validation
936
+ agent = AgentType(agent)
937
+
930
938
  # Run the command
931
939
  eval_command(
932
940
  source=source,
933
941
  full=full,
934
- agent=agent, # type: ignore
942
+ agent=agent,
935
943
  model=model,
936
944
  allowed_tools=allowed_tools,
937
945
  max_concurrent=max_concurrent,
hud/cli/build.py CHANGED
@@ -161,49 +161,42 @@ async def analyze_mcp_environment(
161
161
  hud_console = HUDConsole()
162
162
  env_vars = env_vars or {}
163
163
 
164
- # Build Docker command to run the image
165
- docker_cmd = ["docker", "run", "--rm", "-i"]
164
+ # Build Docker command to run the image, injecting any provided env vars
165
+ from hud.cli.utils.docker import build_env_flags
166
166
 
167
- # Add environment variables
168
- for key, value in env_vars.items():
169
- docker_cmd.extend(["-e", f"{key}={value}"])
167
+ docker_cmd = ["docker", "run", "--rm", "-i", *build_env_flags(env_vars), image]
170
168
 
171
- docker_cmd.append(image)
169
+ # Show full docker command being used for analysis
170
+ hud_console.dim_info("Command:", " ".join(docker_cmd))
172
171
 
173
- # Create MCP config
174
- config = {
175
- "server": {"command": docker_cmd[0], "args": docker_cmd[1:] if len(docker_cmd) > 1 else []}
176
- }
172
+ # Create MCP config consistently with analyze helpers
173
+ from hud.cli.analyze import parse_docker_command
174
+
175
+ mcp_config = parse_docker_command(docker_cmd)
177
176
 
178
177
  # Initialize client and measure timing
179
178
  start_time = time.time()
180
- client = MCPClient(mcp_config=config, verbose=verbose, auto_trace=False)
179
+ client = MCPClient(mcp_config=mcp_config, verbose=verbose, auto_trace=False)
181
180
  initialized = False
182
181
 
183
182
  try:
184
183
  if verbose:
185
- hud_console.info(f"Initializing MCP client with command: {' '.join(docker_cmd)}")
184
+ hud_console.info("Initializing MCP client...")
186
185
 
187
- # Add timeout to fail fast instead of hanging (30 seconds)
186
+ # Add timeout to fail fast instead of hanging (60 seconds)
188
187
  await asyncio.wait_for(client.initialize(), timeout=60.0)
189
188
  initialized = True
190
189
  initialize_ms = int((time.time() - start_time) * 1000)
191
190
 
192
- # Get tools
193
- tools = await client.list_tools()
194
-
195
- # Extract tool information
196
- tool_info = []
197
- for tool in tools:
198
- tool_dict = {"name": tool.name, "description": tool.description}
199
- if hasattr(tool, "inputSchema") and tool.inputSchema:
200
- tool_dict["inputSchema"] = tool.inputSchema
201
- tool_info.append(tool_dict)
191
+ # Delegate to standard analysis helper for consistency
192
+ full_analysis = await client.analyze_environment()
202
193
 
194
+ # Normalize to build's expected fields
195
+ tools_list = full_analysis.get("tools", [])
203
196
  return {
204
197
  "initializeMs": initialize_ms,
205
- "toolCount": len(tools),
206
- "tools": tool_info,
198
+ "toolCount": len(tools_list),
199
+ "tools": tools_list,
207
200
  "success": True,
208
201
  }
209
202
  except TimeoutError:
@@ -295,6 +288,10 @@ def build_environment(
295
288
  hud_console.error(f"Directory not found: {directory}")
296
289
  raise typer.Exit(1)
297
290
 
291
+ from hud.cli.utils.docker import require_docker_running
292
+
293
+ require_docker_running()
294
+
298
295
  # Step 1: Check for hud.lock.yaml (previous build)
299
296
  lock_path = env_dir / "hud.lock.yaml"
300
297
  base_name = None
@@ -355,13 +352,24 @@ def build_environment(
355
352
 
356
353
  hud_console.success(f"Built temporary image: {temp_tag}")
357
354
 
358
- # Analyze the environment
355
+ # Analyze the environment (merge folder .env if present)
359
356
  hud_console.progress_message("Analyzing MCP environment...")
360
357
 
361
358
  loop = asyncio.new_event_loop()
362
359
  asyncio.set_event_loop(loop)
363
360
  try:
364
- analysis = loop.run_until_complete(analyze_mcp_environment(temp_tag, verbose, env_vars))
361
+ # Merge .env from env_dir for analysis only
362
+ try:
363
+ from hud.cli.utils.docker import load_env_vars_for_dir
364
+
365
+ env_from_file = load_env_vars_for_dir(env_dir)
366
+ except Exception:
367
+ env_from_file = {}
368
+ merged_env_for_analysis = {**env_from_file, **(env_vars or {})}
369
+
370
+ analysis = loop.run_until_complete(
371
+ analyze_mcp_environment(temp_tag, verbose, merged_env_for_analysis)
372
+ )
365
373
  except Exception as e:
366
374
  hud_console.error(f"Failed to analyze MCP environment: {e}")
367
375
  hud_console.info("")
hud/cli/dev.py CHANGED
@@ -238,9 +238,9 @@ async def run_mcp_module(
238
238
  if env_dir.exists() and (env_dir / "server.py").exists():
239
239
  hud_console.info("")
240
240
  hud_console.info(
241
- f"{hud_console.sym.FLOW} Don't forget to start the environment backend:"
241
+ f"{hud_console.sym.FLOW} Don't forget to start the environment backend in another terminal:"
242
242
  )
243
- hud_console.info(" cd ../environment && uvicorn server:app --reload")
243
+ hud_console.info(" cd environment && uv run python uvicorn server:app --reload")
244
244
 
245
245
  # Launch inspector if requested (first run only)
246
246
  if inspector and transport == "http":
@@ -504,15 +504,12 @@ def run_docker_dev_server(
504
504
  base_name = image_name.replace(":", "-").replace("/", "-")
505
505
  container_name = f"{base_name}-dev-{pid}"
506
506
 
507
- # Build docker run command with volume mounts
508
- docker_cmd = [
509
- "docker",
510
- "run",
511
- "--rm",
512
- "-i",
507
+ # Build docker run command with volume mounts and folder-mode envs
508
+ from .utils.docker import create_docker_run_command
509
+
510
+ base_args = [
513
511
  "--name",
514
512
  container_name,
515
- # Mount both server and environment for hot-reload
516
513
  "-v",
517
514
  f"{env_dir.absolute()}/server:/app/server:rw",
518
515
  "-v",
@@ -524,29 +521,14 @@ def run_docker_dev_server(
524
521
  "-e",
525
522
  "HUD_DEV=1",
526
523
  ]
524
+ combined_args = [*base_args, *docker_args] if docker_args else base_args
525
+ docker_cmd = create_docker_run_command(
526
+ image_name,
527
+ docker_args=combined_args,
528
+ env_dir=env_dir,
529
+ )
527
530
 
528
- # Load .env file if present
529
- env_file = env_dir / ".env"
530
- loaded_env_vars: dict[str, str] = {}
531
- if env_file.exists():
532
- try:
533
- from hud.cli.utils.config import parse_env_file
534
-
535
- env_contents = env_file.read_text(encoding="utf-8")
536
- loaded_env_vars = parse_env_file(env_contents)
537
- for key, value in loaded_env_vars.items():
538
- docker_cmd.extend(["-e", f"{key}={value}"])
539
- if verbose and loaded_env_vars:
540
- hud_console.info(f"Loaded {len(loaded_env_vars)} env var(s) from .env")
541
- except Exception as e:
542
- hud_console.warning(f"Failed to load .env file: {e}")
543
-
544
- # Add user-provided Docker arguments
545
- if docker_args:
546
- docker_cmd.extend(docker_args)
547
-
548
- # Append the image name
549
- docker_cmd.append(image_name)
531
+ # Env flags already injected by create_docker_run_command
550
532
 
551
533
  # Print startup info
552
534
  hud_console.header("HUD Development Mode (Docker)")