camel-ai 0.2.59__py3-none-any.whl → 0.2.82__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 camel-ai might be problematic. Click here for more details.
- camel/__init__.py +3 -3
- camel/agents/__init__.py +2 -2
- camel/agents/_types.py +9 -4
- camel/agents/_utils.py +40 -2
- camel/agents/base.py +2 -2
- camel/agents/chat_agent.py +5012 -902
- camel/agents/critic_agent.py +2 -2
- camel/agents/deductive_reasoner_agent.py +56 -56
- camel/agents/embodied_agent.py +2 -2
- camel/agents/knowledge_graph_agent.py +20 -20
- camel/agents/mcp_agent.py +39 -36
- camel/agents/multi_hop_generator_agent.py +3 -3
- camel/agents/programmed_agent_instruction.py +2 -2
- camel/agents/repo_agent.py +4 -3
- camel/agents/role_assignment_agent.py +2 -2
- camel/agents/search_agent.py +2 -2
- camel/agents/task_agent.py +2 -2
- camel/agents/tool_agents/__init__.py +2 -2
- camel/agents/tool_agents/base.py +2 -2
- camel/agents/tool_agents/hugging_face_tool_agent.py +3 -3
- camel/benchmarks/__init__.py +2 -2
- camel/benchmarks/apibank.py +5 -5
- camel/benchmarks/apibench.py +2 -2
- camel/benchmarks/base.py +2 -2
- camel/benchmarks/browsecomp.py +44 -33
- camel/benchmarks/gaia.py +17 -13
- camel/benchmarks/mock_website/README.md +94 -0
- camel/benchmarks/mock_website/mock_web.py +299 -0
- camel/benchmarks/mock_website/requirements.txt +3 -0
- camel/benchmarks/mock_website/shopping_mall/app.py +465 -0
- camel/benchmarks/mock_website/task.json +104 -0
- camel/benchmarks/nexus.py +3 -3
- camel/benchmarks/ragbench.py +2 -2
- camel/bots/__init__.py +2 -2
- camel/bots/discord/__init__.py +2 -2
- camel/bots/discord/discord_app.py +2 -2
- camel/bots/discord/discord_installation.py +2 -2
- camel/bots/discord/discord_store.py +3 -3
- camel/bots/slack/__init__.py +2 -2
- camel/bots/slack/models.py +4 -4
- camel/bots/slack/slack_app.py +2 -2
- camel/bots/telegram_bot.py +2 -2
- camel/configs/__init__.py +26 -2
- camel/configs/aihubmix_config.py +90 -0
- camel/configs/aiml_config.py +2 -2
- camel/configs/amd_config.py +70 -0
- camel/configs/anthropic_config.py +8 -7
- camel/configs/base_config.py +2 -2
- camel/configs/bedrock_config.py +5 -3
- camel/configs/cerebras_config.py +98 -0
- camel/configs/cohere_config.py +3 -3
- camel/configs/cometapi_config.py +106 -0
- camel/configs/crynux_config.py +94 -0
- camel/configs/deepseek_config.py +9 -8
- camel/configs/gemini_config.py +6 -4
- camel/configs/groq_config.py +6 -4
- camel/configs/internlm_config.py +6 -4
- camel/configs/litellm_config.py +2 -2
- camel/configs/lmstudio_config.py +6 -4
- camel/configs/minimax_config.py +95 -0
- camel/configs/mistral_config.py +3 -3
- camel/configs/modelscope_config.py +5 -3
- camel/configs/moonshot_config.py +2 -2
- camel/configs/nebius_config.py +105 -0
- camel/configs/netmind_config.py +2 -2
- camel/configs/novita_config.py +2 -2
- camel/configs/nvidia_config.py +2 -2
- camel/configs/ollama_config.py +2 -2
- camel/configs/openai_config.py +8 -3
- camel/configs/openrouter_config.py +6 -4
- camel/configs/ppio_config.py +2 -2
- camel/configs/qianfan_config.py +85 -0
- camel/configs/qwen_config.py +2 -2
- camel/configs/reka_config.py +3 -3
- camel/configs/samba_config.py +8 -6
- camel/configs/sglang_config.py +2 -2
- camel/configs/siliconflow_config.py +2 -2
- camel/configs/togetherai_config.py +2 -2
- camel/configs/vllm_config.py +4 -2
- camel/configs/watsonx_config.py +2 -2
- camel/configs/yi_config.py +6 -4
- camel/configs/zhipuai_config.py +6 -4
- camel/{data_collector → data_collectors}/__init__.py +2 -2
- camel/{data_collector → data_collectors}/alpaca_collector.py +19 -10
- camel/{data_collector → data_collectors}/base.py +2 -2
- camel/{data_collector → data_collectors}/sharegpt_collector.py +3 -3
- camel/datagen/__init__.py +2 -2
- camel/datagen/cot_datagen.py +32 -37
- camel/datagen/evol_instruct/__init__.py +2 -2
- camel/datagen/evol_instruct/evol_instruct.py +2 -2
- camel/datagen/evol_instruct/scorer.py +24 -25
- camel/datagen/evol_instruct/templates.py +48 -48
- camel/datagen/self_improving_cot.py +5 -5
- camel/datagen/self_instruct/__init__.py +2 -2
- camel/datagen/self_instruct/filter/__init__.py +2 -2
- camel/datagen/self_instruct/filter/filter_function.py +2 -2
- camel/datagen/self_instruct/filter/filter_registry.py +2 -2
- camel/datagen/self_instruct/filter/instruction_filter.py +2 -2
- camel/datagen/self_instruct/self_instruct.py +2 -2
- camel/datagen/self_instruct/templates.py +47 -47
- camel/datagen/source2synth/__init__.py +2 -2
- camel/datagen/source2synth/data_processor.py +2 -2
- camel/datagen/source2synth/models.py +2 -2
- camel/datagen/source2synth/user_data_processor_config.py +2 -2
- camel/datahubs/__init__.py +2 -2
- camel/datahubs/base.py +2 -2
- camel/datahubs/huggingface.py +2 -2
- camel/datahubs/models.py +2 -2
- camel/datasets/__init__.py +2 -2
- camel/datasets/base_generator.py +41 -12
- camel/datasets/few_shot_generator.py +18 -18
- camel/datasets/models.py +3 -3
- camel/datasets/self_instruct_generator.py +2 -2
- camel/datasets/static_dataset.py +152 -2
- camel/embeddings/__init__.py +2 -2
- camel/embeddings/azure_embedding.py +2 -2
- camel/embeddings/base.py +2 -2
- camel/embeddings/gemini_embedding.py +2 -2
- camel/embeddings/jina_embedding.py +10 -3
- camel/embeddings/mistral_embedding.py +2 -2
- camel/embeddings/openai_compatible_embedding.py +2 -2
- camel/embeddings/openai_embedding.py +2 -2
- camel/embeddings/sentence_transformers_embeddings.py +4 -4
- camel/embeddings/together_embedding.py +2 -2
- camel/embeddings/vlm_embedding.py +11 -4
- camel/environments/__init__.py +14 -2
- camel/environments/models.py +2 -2
- camel/environments/multi_step.py +2 -2
- camel/environments/rlcards_env.py +860 -0
- camel/environments/single_step.py +30 -5
- camel/environments/tic_tac_toe.py +3 -3
- camel/extractors/__init__.py +2 -2
- camel/extractors/base.py +2 -2
- camel/extractors/python_strategies.py +2 -2
- camel/generators.py +2 -2
- camel/human.py +2 -2
- camel/interpreters/__init__.py +4 -2
- camel/interpreters/base.py +16 -3
- camel/interpreters/docker/Dockerfile +53 -7
- camel/interpreters/docker_interpreter.py +70 -11
- camel/interpreters/e2b_interpreter.py +59 -11
- camel/interpreters/internal_python_interpreter.py +81 -4
- camel/interpreters/interpreter_error.py +2 -2
- camel/interpreters/ipython_interpreter.py +23 -5
- camel/interpreters/microsandbox_interpreter.py +395 -0
- camel/interpreters/subprocess_interpreter.py +36 -4
- camel/loaders/__init__.py +17 -5
- camel/loaders/apify_reader.py +2 -2
- camel/loaders/base_io.py +2 -2
- camel/loaders/base_loader.py +85 -0
- camel/loaders/chunkr_reader.py +128 -93
- camel/loaders/crawl4ai_reader.py +2 -2
- camel/loaders/firecrawl_reader.py +6 -6
- camel/loaders/jina_url_reader.py +2 -2
- camel/loaders/markitdown.py +2 -2
- camel/loaders/mineru_extractor.py +2 -2
- camel/loaders/mistral_reader.py +148 -0
- camel/loaders/scrapegraph_reader.py +2 -2
- camel/loaders/unstructured_io.py +2 -2
- camel/logger.py +5 -5
- camel/memories/__init__.py +2 -2
- camel/memories/agent_memories.py +86 -3
- camel/memories/base.py +36 -2
- camel/memories/blocks/__init__.py +2 -2
- camel/memories/blocks/chat_history_block.py +126 -9
- camel/memories/blocks/vectordb_block.py +10 -3
- camel/memories/context_creators/__init__.py +2 -2
- camel/memories/context_creators/score_based.py +31 -239
- camel/memories/records.py +98 -13
- camel/messages/__init__.py +2 -2
- camel/messages/base.py +193 -46
- camel/messages/conversion/__init__.py +2 -2
- camel/messages/conversion/alpaca.py +2 -2
- camel/messages/conversion/conversation_models.py +2 -2
- camel/messages/conversion/sharegpt/__init__.py +2 -2
- camel/messages/conversion/sharegpt/function_call_formatter.py +2 -2
- camel/messages/conversion/sharegpt/hermes/__init__.py +2 -2
- camel/messages/conversion/sharegpt/hermes/hermes_function_formatter.py +2 -2
- camel/messages/func_message.py +54 -17
- camel/models/__init__.py +18 -2
- camel/models/_utils.py +3 -3
- camel/models/aihubmix_model.py +83 -0
- camel/models/aiml_model.py +11 -18
- camel/models/amd_model.py +101 -0
- camel/models/anthropic_model.py +127 -20
- camel/models/aws_bedrock_model.py +12 -35
- camel/models/azure_openai_model.py +263 -63
- camel/models/base_audio_model.py +5 -3
- camel/models/base_model.py +195 -26
- camel/models/cerebras_model.py +83 -0
- camel/models/cohere_model.py +81 -21
- camel/models/cometapi_model.py +83 -0
- camel/models/crynux_model.py +87 -0
- camel/models/deepseek_model.py +61 -59
- camel/models/fish_audio_model.py +8 -2
- camel/models/gemini_model.py +439 -30
- camel/models/groq_model.py +11 -19
- camel/models/internlm_model.py +11 -18
- camel/models/litellm_model.py +94 -34
- camel/models/lmstudio_model.py +17 -20
- camel/models/minimax_model.py +83 -0
- camel/models/mistral_model.py +84 -19
- camel/models/model_factory.py +49 -6
- camel/models/model_manager.py +33 -11
- camel/models/modelscope_model.py +13 -193
- camel/models/moonshot_model.py +195 -21
- camel/models/nebius_model.py +83 -0
- camel/models/nemotron_model.py +19 -9
- camel/models/netmind_model.py +11 -18
- camel/models/novita_model.py +11 -18
- camel/models/nvidia_model.py +11 -18
- camel/models/ollama_model.py +14 -21
- camel/models/openai_audio_models.py +2 -2
- camel/models/openai_compatible_model.py +234 -27
- camel/models/openai_model.py +255 -39
- camel/models/openrouter_model.py +11 -19
- camel/models/ppio_model.py +11 -18
- camel/models/qianfan_model.py +89 -0
- camel/models/qwen_model.py +13 -193
- camel/models/reka_model.py +90 -21
- camel/models/reward/__init__.py +2 -2
- camel/models/reward/base_reward_model.py +2 -2
- camel/models/reward/evaluator.py +2 -2
- camel/models/reward/nemotron_model.py +2 -2
- camel/models/reward/skywork_model.py +2 -2
- camel/models/samba_model.py +117 -49
- camel/models/sglang_model.py +162 -42
- camel/models/siliconflow_model.py +12 -35
- camel/models/stub_model.py +10 -7
- camel/models/togetherai_model.py +11 -18
- camel/models/vllm_model.py +10 -18
- camel/models/volcano_model.py +16 -20
- camel/models/watsonx_model.py +69 -19
- camel/models/yi_model.py +11 -18
- camel/models/zhipuai_model.py +70 -18
- camel/parsers/__init__.py +18 -0
- camel/parsers/mcp_tool_call_parser.py +176 -0
- camel/personas/__init__.py +2 -2
- camel/personas/persona.py +2 -2
- camel/personas/persona_hub.py +2 -2
- camel/prompts/__init__.py +2 -2
- camel/prompts/ai_society.py +2 -2
- camel/prompts/base.py +2 -2
- camel/prompts/code.py +2 -2
- camel/prompts/evaluation.py +2 -2
- camel/prompts/generate_text_embedding_data.py +2 -2
- camel/prompts/image_craft.py +2 -2
- camel/prompts/misalignment.py +2 -2
- camel/prompts/multi_condition_image_craft.py +2 -2
- camel/prompts/object_recognition.py +2 -2
- camel/prompts/persona_hub.py +3 -3
- camel/prompts/prompt_templates.py +2 -2
- camel/prompts/role_description_prompt_template.py +2 -2
- camel/prompts/solution_extraction.py +8 -8
- camel/prompts/task_prompt_template.py +2 -2
- camel/prompts/translation.py +2 -2
- camel/prompts/video_description_prompt.py +3 -3
- camel/responses/__init__.py +2 -2
- camel/responses/agent_responses.py +2 -2
- camel/retrievers/__init__.py +2 -2
- camel/retrievers/auto_retriever.py +23 -3
- camel/retrievers/base.py +2 -2
- camel/retrievers/bm25_retriever.py +3 -4
- camel/retrievers/cohere_rerank_retriever.py +2 -2
- camel/retrievers/hybrid_retrival.py +4 -4
- camel/retrievers/vector_retriever.py +2 -2
- camel/runtimes/Dockerfile.multi-toolkit +90 -0
- camel/{runtime → runtimes}/__init__.py +2 -2
- camel/runtimes/api.py +153 -0
- camel/{runtime → runtimes}/base.py +2 -2
- camel/{runtime → runtimes}/configs.py +13 -13
- camel/{runtime → runtimes}/daytona_runtime.py +18 -19
- camel/{runtime → runtimes}/docker_runtime.py +13 -13
- camel/{runtime → runtimes}/llm_guard_runtime.py +28 -28
- camel/{runtime → runtimes}/remote_http_runtime.py +12 -12
- camel/{runtime → runtimes}/ubuntu_docker_runtime.py +3 -3
- camel/{runtime → runtimes}/utils/__init__.py +2 -2
- camel/{runtime → runtimes}/utils/function_risk_toolkit.py +2 -2
- camel/{runtime → runtimes}/utils/ignore_risk_toolkit.py +2 -2
- camel/schemas/__init__.py +2 -2
- camel/schemas/base.py +2 -2
- camel/schemas/openai_converter.py +3 -3
- camel/schemas/outlines_converter.py +2 -2
- camel/services/agent_openapi_server.py +380 -0
- camel/societies/__init__.py +4 -2
- camel/societies/babyagi_playing.py +2 -2
- camel/societies/role_playing.py +201 -80
- camel/societies/workforce/__init__.py +10 -3
- camel/societies/workforce/base.py +9 -5
- camel/societies/workforce/events.py +143 -0
- camel/societies/workforce/prompts.py +258 -33
- camel/societies/workforce/role_playing_worker.py +95 -30
- camel/societies/workforce/single_agent_worker.py +659 -30
- camel/societies/workforce/structured_output_handler.py +512 -0
- camel/societies/workforce/task_channel.py +182 -38
- camel/societies/workforce/utils.py +784 -18
- camel/societies/workforce/worker.py +96 -28
- camel/societies/workforce/workflow_memory_manager.py +1746 -0
- camel/societies/workforce/workforce.py +5730 -366
- camel/societies/workforce/workforce_callback.py +103 -0
- camel/societies/workforce/workforce_logger.py +647 -0
- camel/societies/workforce/workforce_metrics.py +33 -0
- camel/storages/__init__.py +10 -2
- camel/storages/graph_storages/__init__.py +2 -2
- camel/storages/graph_storages/base.py +2 -2
- camel/storages/graph_storages/graph_element.py +2 -2
- camel/storages/graph_storages/nebula_graph.py +4 -4
- camel/storages/graph_storages/neo4j_graph.py +7 -7
- camel/storages/key_value_storages/__init__.py +2 -2
- camel/storages/key_value_storages/base.py +2 -2
- camel/storages/key_value_storages/in_memory.py +2 -2
- camel/storages/key_value_storages/json.py +17 -4
- camel/storages/key_value_storages/mem0_cloud.py +50 -49
- camel/storages/key_value_storages/redis.py +2 -2
- camel/storages/object_storages/__init__.py +2 -2
- camel/storages/object_storages/amazon_s3.py +2 -2
- camel/storages/object_storages/azure_blob.py +2 -2
- camel/storages/object_storages/base.py +2 -2
- camel/storages/object_storages/google_cloud.py +3 -3
- camel/storages/vectordb_storages/__init__.py +12 -2
- camel/storages/vectordb_storages/base.py +2 -2
- camel/storages/vectordb_storages/chroma.py +731 -0
- camel/storages/vectordb_storages/faiss.py +712 -0
- camel/storages/vectordb_storages/milvus.py +2 -2
- camel/storages/vectordb_storages/oceanbase.py +16 -17
- camel/storages/vectordb_storages/pgvector.py +349 -0
- camel/storages/vectordb_storages/qdrant.py +6 -6
- camel/storages/vectordb_storages/surreal.py +372 -0
- camel/storages/vectordb_storages/tidb.py +11 -8
- camel/storages/vectordb_storages/weaviate.py +714 -0
- camel/tasks/__init__.py +2 -2
- camel/tasks/task.py +366 -27
- camel/tasks/task_prompt.py +3 -3
- camel/terminators/__init__.py +2 -2
- camel/terminators/base.py +2 -2
- camel/terminators/response_terminator.py +2 -2
- camel/terminators/token_limit_terminator.py +2 -2
- camel/toolkits/__init__.py +58 -10
- camel/toolkits/aci_toolkit.py +66 -21
- camel/toolkits/arxiv_toolkit.py +8 -8
- camel/toolkits/ask_news_toolkit.py +2 -2
- camel/toolkits/async_browser_toolkit.py +174 -575
- camel/toolkits/audio_analysis_toolkit.py +3 -3
- camel/toolkits/base.py +65 -7
- camel/toolkits/bohrium_toolkit.py +318 -0
- camel/toolkits/browser_toolkit.py +306 -566
- camel/toolkits/browser_toolkit_commons.py +568 -0
- camel/toolkits/code_execution.py +67 -11
- camel/toolkits/context_summarizer_toolkit.py +684 -0
- camel/toolkits/craw4ai_toolkit.py +93 -0
- camel/toolkits/dappier_toolkit.py +12 -8
- camel/toolkits/data_commons_toolkit.py +2 -2
- camel/toolkits/dingtalk.py +1135 -0
- camel/toolkits/earth_science_toolkit.py +5367 -0
- camel/toolkits/edgeone_pages_mcp_toolkit.py +49 -0
- camel/toolkits/excel_toolkit.py +910 -70
- camel/toolkits/file_toolkit.py +1402 -0
- camel/toolkits/function_tool.py +128 -20
- camel/toolkits/github_toolkit.py +148 -43
- camel/toolkits/gmail_toolkit.py +1839 -0
- camel/toolkits/google_calendar_toolkit.py +40 -6
- camel/toolkits/google_drive_mcp_toolkit.py +54 -0
- camel/toolkits/google_maps_toolkit.py +2 -2
- camel/toolkits/google_scholar_toolkit.py +2 -2
- camel/toolkits/human_toolkit.py +36 -12
- camel/toolkits/hybrid_browser_toolkit/__init__.py +18 -0
- camel/toolkits/hybrid_browser_toolkit/config_loader.py +185 -0
- camel/toolkits/hybrid_browser_toolkit/hybrid_browser_toolkit.py +246 -0
- camel/toolkits/hybrid_browser_toolkit/hybrid_browser_toolkit_ts.py +1973 -0
- camel/toolkits/hybrid_browser_toolkit/installer.py +203 -0
- camel/toolkits/hybrid_browser_toolkit/ts/package-lock.json +4589 -0
- camel/toolkits/hybrid_browser_toolkit/ts/package.json +33 -0
- camel/toolkits/hybrid_browser_toolkit/ts/src/browser-scripts.js +125 -0
- camel/toolkits/hybrid_browser_toolkit/ts/src/browser-session.ts +1929 -0
- camel/toolkits/hybrid_browser_toolkit/ts/src/config-loader.ts +233 -0
- camel/toolkits/hybrid_browser_toolkit/ts/src/hybrid-browser-toolkit.ts +589 -0
- camel/toolkits/hybrid_browser_toolkit/ts/src/index.ts +7 -0
- camel/toolkits/hybrid_browser_toolkit/ts/src/parent-child-filter.ts +226 -0
- camel/toolkits/hybrid_browser_toolkit/ts/src/snapshot-parser.ts +219 -0
- camel/toolkits/hybrid_browser_toolkit/ts/src/som-screenshot-injected.ts +543 -0
- camel/toolkits/hybrid_browser_toolkit/ts/src/types.ts +129 -0
- camel/toolkits/hybrid_browser_toolkit/ts/tsconfig.json +27 -0
- camel/toolkits/hybrid_browser_toolkit/ts/websocket-server.js +319 -0
- camel/toolkits/hybrid_browser_toolkit/ws_wrapper.py +1037 -0
- camel/toolkits/hybrid_browser_toolkit_py/__init__.py +17 -0
- camel/toolkits/hybrid_browser_toolkit_py/actions.py +575 -0
- camel/toolkits/hybrid_browser_toolkit_py/agent.py +311 -0
- camel/toolkits/hybrid_browser_toolkit_py/browser_session.py +787 -0
- camel/toolkits/hybrid_browser_toolkit_py/config_loader.py +490 -0
- camel/toolkits/hybrid_browser_toolkit_py/hybrid_browser_toolkit.py +2390 -0
- camel/toolkits/hybrid_browser_toolkit_py/snapshot.py +233 -0
- camel/toolkits/hybrid_browser_toolkit_py/stealth_script.js +0 -0
- camel/toolkits/hybrid_browser_toolkit_py/unified_analyzer.js +1043 -0
- camel/toolkits/image_analysis_toolkit.py +3 -3
- camel/toolkits/image_generation_toolkit.py +390 -0
- camel/toolkits/jina_reranker_toolkit.py +195 -79
- camel/toolkits/klavis_toolkit.py +7 -3
- camel/toolkits/linkedin_toolkit.py +2 -2
- camel/toolkits/markitdown_toolkit.py +104 -0
- camel/toolkits/math_toolkit.py +66 -12
- camel/toolkits/mcp_toolkit.py +841 -600
- camel/toolkits/memory_toolkit.py +7 -3
- camel/toolkits/meshy_toolkit.py +2 -2
- camel/toolkits/message_agent_toolkit.py +608 -0
- camel/toolkits/message_integration.py +724 -0
- camel/toolkits/mineru_toolkit.py +2 -2
- camel/toolkits/minimax_mcp_toolkit.py +195 -0
- camel/toolkits/networkx_toolkit.py +2 -2
- camel/toolkits/note_taking_toolkit.py +277 -0
- camel/toolkits/notion_mcp_toolkit.py +224 -0
- camel/toolkits/notion_toolkit.py +2 -2
- camel/toolkits/open_api_specs/biztoc/__init__.py +2 -2
- camel/toolkits/open_api_specs/biztoc/ai-plugin.json +1 -1
- camel/toolkits/open_api_specs/coursera/__init__.py +2 -2
- camel/toolkits/open_api_specs/create_qr_code/__init__.py +2 -2
- camel/toolkits/open_api_specs/klarna/__init__.py +2 -2
- camel/toolkits/open_api_specs/nasa_apod/__init__.py +2 -2
- camel/toolkits/open_api_specs/outschool/__init__.py +2 -2
- camel/toolkits/open_api_specs/outschool/ai-plugin.json +1 -1
- camel/toolkits/open_api_specs/outschool/openapi.yaml +1 -1
- camel/toolkits/open_api_specs/outschool/paths/__init__.py +2 -2
- camel/toolkits/open_api_specs/outschool/paths/get_classes.py +2 -2
- camel/toolkits/open_api_specs/outschool/paths/search_teachers.py +2 -2
- camel/toolkits/open_api_specs/security_config.py +2 -2
- camel/toolkits/open_api_specs/speak/__init__.py +2 -2
- camel/toolkits/open_api_specs/web_scraper/__init__.py +2 -2
- camel/toolkits/open_api_specs/web_scraper/ai-plugin.json +1 -1
- camel/toolkits/open_api_specs/web_scraper/paths/__init__.py +2 -2
- camel/toolkits/open_api_specs/web_scraper/paths/scraper.py +2 -2
- camel/toolkits/open_api_toolkit.py +2 -2
- camel/toolkits/openbb_toolkit.py +7 -3
- camel/toolkits/origene_mcp_toolkit.py +56 -0
- camel/toolkits/page_script.js +86 -74
- camel/toolkits/playwright_mcp_toolkit.py +27 -32
- camel/toolkits/pptx_toolkit.py +790 -0
- camel/toolkits/pubmed_toolkit.py +2 -2
- camel/toolkits/pulse_mcp_search_toolkit.py +2 -2
- camel/toolkits/pyautogui_toolkit.py +2 -2
- camel/toolkits/reddit_toolkit.py +2 -2
- camel/toolkits/resend_toolkit.py +168 -0
- camel/toolkits/retrieval_toolkit.py +2 -2
- camel/toolkits/screenshot_toolkit.py +213 -0
- camel/toolkits/search_toolkit.py +539 -146
- camel/toolkits/searxng_toolkit.py +2 -2
- camel/toolkits/semantic_scholar_toolkit.py +2 -2
- camel/toolkits/slack_toolkit.py +108 -58
- camel/toolkits/sql_toolkit.py +712 -0
- camel/toolkits/stripe_toolkit.py +2 -2
- camel/toolkits/sympy_toolkit.py +3 -3
- camel/toolkits/task_planning_toolkit.py +134 -0
- camel/toolkits/terminal_toolkit/__init__.py +18 -0
- camel/toolkits/terminal_toolkit/terminal_toolkit.py +1070 -0
- camel/toolkits/terminal_toolkit/utils.py +532 -0
- camel/toolkits/thinking_toolkit.py +3 -3
- camel/toolkits/twitter_toolkit.py +8 -3
- camel/toolkits/vertex_ai_veo_toolkit.py +590 -0
- camel/toolkits/video_analysis_toolkit.py +112 -29
- camel/toolkits/video_download_toolkit.py +22 -16
- camel/toolkits/weather_toolkit.py +2 -2
- camel/toolkits/web_deploy_toolkit.py +1219 -0
- camel/toolkits/wechat_official_toolkit.py +483 -0
- camel/toolkits/whatsapp_toolkit.py +2 -2
- camel/toolkits/wolfram_alpha_toolkit.py +53 -25
- camel/toolkits/zapier_toolkit.py +7 -3
- camel/types/__init__.py +4 -4
- camel/types/agents/__init__.py +2 -2
- camel/types/agents/tool_calling_record.py +6 -3
- camel/types/enums.py +454 -35
- camel/types/mcp_registries.py +2 -2
- camel/types/openai_types.py +4 -4
- camel/types/unified_model_type.py +43 -6
- camel/utils/__init__.py +20 -2
- camel/utils/async_func.py +2 -2
- camel/utils/chunker/__init__.py +2 -2
- camel/utils/chunker/base.py +2 -2
- camel/utils/chunker/code_chunker.py +2 -2
- camel/utils/chunker/uio_chunker.py +2 -2
- camel/utils/commons.py +65 -7
- camel/utils/constants.py +5 -2
- camel/utils/context_utils.py +1134 -0
- camel/utils/deduplication.py +2 -2
- camel/utils/filename.py +2 -2
- camel/utils/langfuse.py +258 -0
- camel/utils/mcp.py +140 -6
- camel/utils/mcp_client.py +1056 -0
- camel/utils/message_summarizer.py +148 -0
- camel/utils/response_format.py +2 -2
- camel/utils/token_counting.py +45 -22
- camel/utils/tool_result.py +44 -0
- camel/verifiers/__init__.py +2 -2
- camel/verifiers/base.py +2 -2
- camel/verifiers/math_verifier.py +2 -2
- camel/verifiers/models.py +2 -2
- camel/verifiers/physics_verifier.py +2 -2
- camel/verifiers/python_verifier.py +2 -2
- {camel_ai-0.2.59.dist-info → camel_ai-0.2.82.dist-info}/METADATA +349 -108
- camel_ai-0.2.82.dist-info/RECORD +507 -0
- {camel_ai-0.2.59.dist-info → camel_ai-0.2.82.dist-info}/WHEEL +1 -1
- {camel_ai-0.2.59.dist-info → camel_ai-0.2.82.dist-info}/licenses/LICENSE +1 -1
- camel/loaders/pandas_reader.py +0 -368
- camel/runtime/api.py +0 -97
- camel/toolkits/dalle_toolkit.py +0 -171
- camel/toolkits/file_write_toolkit.py +0 -395
- camel/toolkits/openai_agent_toolkit.py +0 -135
- camel/toolkits/terminal_toolkit.py +0 -1037
- camel_ai-0.2.59.dist-info/RECORD +0 -410
|
@@ -1,4 +1,4 @@
|
|
|
1
|
-
# ========= Copyright 2023-
|
|
1
|
+
# ========= Copyright 2023-2025 @ CAMEL-AI.org. All Rights Reserved. =========
|
|
2
2
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
3
3
|
# you may not use this file except in compliance with the License.
|
|
4
4
|
# You may obtain a copy of the License at
|
|
@@ -10,13 +10,15 @@
|
|
|
10
10
|
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
11
11
|
# See the License for the specific language governing permissions and
|
|
12
12
|
# limitations under the License.
|
|
13
|
-
# ========= Copyright 2023-
|
|
13
|
+
# ========= Copyright 2023-2025 @ CAMEL-AI.org. All Rights Reserved. =========
|
|
14
|
+
|
|
15
|
+
# Enables postponed evaluation of annotations (for string-based type hints)
|
|
16
|
+
from __future__ import annotations
|
|
17
|
+
|
|
14
18
|
import asyncio
|
|
15
19
|
import datetime
|
|
16
20
|
import io
|
|
17
|
-
import json
|
|
18
21
|
import os
|
|
19
|
-
import random
|
|
20
22
|
import re
|
|
21
23
|
import shutil
|
|
22
24
|
import urllib.parse
|
|
@@ -24,19 +26,17 @@ from copy import deepcopy
|
|
|
24
26
|
from typing import (
|
|
25
27
|
TYPE_CHECKING,
|
|
26
28
|
Any,
|
|
27
|
-
BinaryIO,
|
|
28
29
|
Coroutine,
|
|
29
30
|
Dict,
|
|
30
31
|
List,
|
|
31
32
|
Literal,
|
|
32
33
|
Optional,
|
|
33
34
|
Tuple,
|
|
34
|
-
TypedDict,
|
|
35
35
|
Union,
|
|
36
36
|
cast,
|
|
37
37
|
)
|
|
38
38
|
|
|
39
|
-
from PIL import Image
|
|
39
|
+
from PIL import Image
|
|
40
40
|
|
|
41
41
|
if TYPE_CHECKING:
|
|
42
42
|
from camel.agents import ChatAgent
|
|
@@ -53,44 +53,25 @@ from camel.utils import (
|
|
|
53
53
|
sanitize_filename,
|
|
54
54
|
)
|
|
55
55
|
|
|
56
|
-
|
|
56
|
+
from .browser_toolkit_commons import (
|
|
57
|
+
ACTION_WITH_FEEDBACK_LIST,
|
|
58
|
+
AVAILABLE_ACTIONS_PROMPT,
|
|
59
|
+
GET_FINAL_ANSWER_PROMPT_TEMPLATE,
|
|
60
|
+
OBSERVE_PROMPT_TEMPLATE,
|
|
61
|
+
PLANNING_AGENT_SYSTEM_PROMPT,
|
|
62
|
+
TASK_PLANNING_PROMPT_TEMPLATE,
|
|
63
|
+
TASK_REPLANNING_PROMPT_TEMPLATE,
|
|
64
|
+
WEB_AGENT_SYSTEM_PROMPT,
|
|
65
|
+
InteractiveRegion,
|
|
66
|
+
VisualViewport,
|
|
67
|
+
_parse_json_output,
|
|
68
|
+
_reload_image,
|
|
69
|
+
add_set_of_mark,
|
|
70
|
+
interactive_region_from_dict,
|
|
71
|
+
visual_viewport_from_dict,
|
|
72
|
+
)
|
|
57
73
|
|
|
58
|
-
|
|
59
|
-
|
|
60
|
-
AVAILABLE_ACTIONS_PROMPT = """
|
|
61
|
-
1. `fill_input_id(identifier: Union[str, int], text: str)`: Fill an input
|
|
62
|
-
field (e.g. search box) with the given text and press Enter.
|
|
63
|
-
2. `click_id(identifier: Union[str, int])`: Click an element with the given ID.
|
|
64
|
-
3. `hover_id(identifier: Union[str, int])`: Hover over an element with the
|
|
65
|
-
given ID.
|
|
66
|
-
4. `download_file_id(identifier: Union[str, int])`: Download a file with the
|
|
67
|
-
given ID. It returns the path to the downloaded file. If the file is
|
|
68
|
-
successfully downloaded, you can stop the simulation and report the path to
|
|
69
|
-
the downloaded file for further processing.
|
|
70
|
-
5. `scroll_to_bottom()`: Scroll to the bottom of the page.
|
|
71
|
-
6. `scroll_to_top()`: Scroll to the top of the page.
|
|
72
|
-
7. `scroll_up()`: Scroll up the page. It is suitable when you want to see the
|
|
73
|
-
elements above the current viewport.
|
|
74
|
-
8. `scroll_down()`: Scroll down the page. It is suitable when you want to see
|
|
75
|
-
the elements below the current viewport. If the webpage does not change, It
|
|
76
|
-
means that the webpage has scrolled to the bottom.
|
|
77
|
-
9. `back()`: Navigate back to the previous page. This is useful when you want
|
|
78
|
-
to go back to the previous page, as current page is not useful.
|
|
79
|
-
10. `stop()`: Stop the action process, because the task is completed or failed
|
|
80
|
-
(impossible to find the answer). In this situation, you should provide your
|
|
81
|
-
answer in your output.
|
|
82
|
-
11. `get_url()`: Get the current URL of the current page.
|
|
83
|
-
12. `find_text_on_page(search_text: str)`: Find the next given text on the
|
|
84
|
-
current whole page, and scroll the page to the targeted text. It is equivalent
|
|
85
|
-
to pressing Ctrl + F and searching for the text, and is powerful when you want
|
|
86
|
-
to fast-check whether the current page contains some specific text.
|
|
87
|
-
13. `visit_page(url: str)`: Go to the specific url page.
|
|
88
|
-
14. `click_blank_area()`: Click a blank area of the page to unfocus the
|
|
89
|
-
current element. It is useful when you have clicked an element but it cannot
|
|
90
|
-
unfocus itself (e.g. Menu bar) to automatically render the updated webpage.
|
|
91
|
-
15. `ask_question_about_video(question: str)`: Ask a question about the
|
|
92
|
-
current webpage which contains video, e.g. youtube websites.
|
|
93
|
-
"""
|
|
74
|
+
logger = get_logger(__name__)
|
|
94
75
|
|
|
95
76
|
ASYNC_ACTIONS = [
|
|
96
77
|
"fill_input_id",
|
|
@@ -108,46 +89,6 @@ ASYNC_ACTIONS = [
|
|
|
108
89
|
"click_blank_area",
|
|
109
90
|
]
|
|
110
91
|
|
|
111
|
-
ACTION_WITH_FEEDBACK_LIST = [
|
|
112
|
-
'ask_question_about_video',
|
|
113
|
-
'download_file_id',
|
|
114
|
-
'find_text_on_page',
|
|
115
|
-
]
|
|
116
|
-
|
|
117
|
-
|
|
118
|
-
# Code from magentic-one
|
|
119
|
-
class DOMRectangle(TypedDict):
|
|
120
|
-
x: Union[int, float]
|
|
121
|
-
y: Union[int, float]
|
|
122
|
-
width: Union[int, float]
|
|
123
|
-
height: Union[int, float]
|
|
124
|
-
top: Union[int, float]
|
|
125
|
-
right: Union[int, float]
|
|
126
|
-
bottom: Union[int, float]
|
|
127
|
-
left: Union[int, float]
|
|
128
|
-
|
|
129
|
-
|
|
130
|
-
class VisualViewport(TypedDict):
|
|
131
|
-
height: Union[int, float]
|
|
132
|
-
width: Union[int, float]
|
|
133
|
-
offsetLeft: Union[int, float]
|
|
134
|
-
offsetTop: Union[int, float]
|
|
135
|
-
pageLeft: Union[int, float]
|
|
136
|
-
pageTop: Union[int, float]
|
|
137
|
-
scale: Union[int, float]
|
|
138
|
-
clientWidth: Union[int, float]
|
|
139
|
-
clientHeight: Union[int, float]
|
|
140
|
-
scrollWidth: Union[int, float]
|
|
141
|
-
scrollHeight: Union[int, float]
|
|
142
|
-
|
|
143
|
-
|
|
144
|
-
class InteractiveRegion(TypedDict):
|
|
145
|
-
tag_name: str
|
|
146
|
-
role: str
|
|
147
|
-
aria_name: str
|
|
148
|
-
v_scrollable: bool
|
|
149
|
-
rects: List[DOMRectangle]
|
|
150
|
-
|
|
151
92
|
|
|
152
93
|
def extract_function_name(s: str) -> str:
|
|
153
94
|
r"""Extract the pure function name from a string (without parameters or
|
|
@@ -155,7 +96,7 @@ def extract_function_name(s: str) -> str:
|
|
|
155
96
|
|
|
156
97
|
Args:
|
|
157
98
|
s (str): Input string, e.g., `1.`**`click_id(14)`**, `scroll_up()`,
|
|
158
|
-
|
|
99
|
+
`\'visit_page(url)\'`, etc.
|
|
159
100
|
|
|
160
101
|
Returns:
|
|
161
102
|
str: Pure function name (e.g., `click_id`, `scroll_up`, `visit_page`)
|
|
@@ -175,303 +116,6 @@ def extract_function_name(s: str) -> str:
|
|
|
175
116
|
return re.split(r'[ (\n]', s, maxsplit=1)[0]
|
|
176
117
|
|
|
177
118
|
|
|
178
|
-
def _get_str(d: Any, k: str) -> str:
|
|
179
|
-
r"""Safely retrieve a string value from a dictionary."""
|
|
180
|
-
if k not in d:
|
|
181
|
-
raise KeyError(f"Missing required key: '{k}'")
|
|
182
|
-
val = d[k]
|
|
183
|
-
if isinstance(val, str):
|
|
184
|
-
return val
|
|
185
|
-
raise TypeError(
|
|
186
|
-
f"Expected a string for key '{k}', " f"but got {type(val).__name__}"
|
|
187
|
-
)
|
|
188
|
-
|
|
189
|
-
|
|
190
|
-
def _get_number(d: Any, k: str) -> Union[int, float]:
|
|
191
|
-
r"""Safely retrieve a number (int or float) from a dictionary"""
|
|
192
|
-
val = d[k]
|
|
193
|
-
if isinstance(val, (int, float)):
|
|
194
|
-
return val
|
|
195
|
-
raise TypeError(
|
|
196
|
-
f"Expected a number (int/float) for key "
|
|
197
|
-
f"'{k}', but got {type(val).__name__}"
|
|
198
|
-
)
|
|
199
|
-
|
|
200
|
-
|
|
201
|
-
def _get_bool(d: Any, k: str) -> bool:
|
|
202
|
-
r"""Safely retrieve a boolean value from a dictionary."""
|
|
203
|
-
val = d[k]
|
|
204
|
-
if isinstance(val, bool):
|
|
205
|
-
return val
|
|
206
|
-
raise TypeError(
|
|
207
|
-
f"Expected a boolean for key '{k}', " f"but got {type(val).__name__}"
|
|
208
|
-
)
|
|
209
|
-
|
|
210
|
-
|
|
211
|
-
def _parse_json_output(text: str) -> Dict[str, Any]:
|
|
212
|
-
r"""Extract JSON output from a string."""
|
|
213
|
-
|
|
214
|
-
markdown_pattern = r'```(?:json)?\s*(.*?)\s*```'
|
|
215
|
-
markdown_match = re.search(markdown_pattern, text, re.DOTALL)
|
|
216
|
-
if markdown_match:
|
|
217
|
-
text = markdown_match.group(1).strip()
|
|
218
|
-
|
|
219
|
-
triple_quotes_pattern = r'"""(?:json)?\s*(.*?)\s*"""'
|
|
220
|
-
triple_quotes_match = re.search(triple_quotes_pattern, text, re.DOTALL)
|
|
221
|
-
if triple_quotes_match:
|
|
222
|
-
text = triple_quotes_match.group(1).strip()
|
|
223
|
-
|
|
224
|
-
try:
|
|
225
|
-
return json.loads(text)
|
|
226
|
-
except json.JSONDecodeError:
|
|
227
|
-
try:
|
|
228
|
-
fixed_text = re.sub(
|
|
229
|
-
r'`([^`]*?)`(?=\s*[:,\[\]{}]|$)', r'"\1"', text
|
|
230
|
-
)
|
|
231
|
-
return json.loads(fixed_text)
|
|
232
|
-
except json.JSONDecodeError:
|
|
233
|
-
result = {}
|
|
234
|
-
try:
|
|
235
|
-
bool_pattern = r'"(\w+)"\s*:\s*(true|false)'
|
|
236
|
-
for match in re.finditer(bool_pattern, text, re.IGNORECASE):
|
|
237
|
-
key, value = match.groups()
|
|
238
|
-
result[key] = value.lower() == "true"
|
|
239
|
-
|
|
240
|
-
str_pattern = r'"(\w+)"\s*:\s*"([^"]*)"'
|
|
241
|
-
for match in re.finditer(str_pattern, text):
|
|
242
|
-
key, value = match.groups()
|
|
243
|
-
result[key] = value
|
|
244
|
-
|
|
245
|
-
num_pattern = r'"(\w+)"\s*:\s*(-?\d+(?:\.\d+)?)'
|
|
246
|
-
for match in re.finditer(num_pattern, text):
|
|
247
|
-
key, value = match.groups()
|
|
248
|
-
try:
|
|
249
|
-
result[key] = int(value)
|
|
250
|
-
except ValueError:
|
|
251
|
-
result[key] = float(value)
|
|
252
|
-
|
|
253
|
-
empty_str_pattern = r'"(\w+)"\s*:\s*""'
|
|
254
|
-
for match in re.finditer(empty_str_pattern, text):
|
|
255
|
-
key = match.group(1)
|
|
256
|
-
result[key] = ""
|
|
257
|
-
|
|
258
|
-
if result:
|
|
259
|
-
return result
|
|
260
|
-
|
|
261
|
-
logger.warning(f"Failed to parse JSON output: {text}")
|
|
262
|
-
return {}
|
|
263
|
-
except Exception as e:
|
|
264
|
-
logger.warning(f"Error while extracting fields from JSON: {e}")
|
|
265
|
-
return {}
|
|
266
|
-
|
|
267
|
-
|
|
268
|
-
def _reload_image(image: Image.Image):
|
|
269
|
-
buffer = io.BytesIO()
|
|
270
|
-
image.save(buffer, format="PNG")
|
|
271
|
-
buffer.seek(0)
|
|
272
|
-
return Image.open(buffer)
|
|
273
|
-
|
|
274
|
-
|
|
275
|
-
def dom_rectangle_from_dict(rect: Dict[str, Any]) -> DOMRectangle:
|
|
276
|
-
r"""Create a DOMRectangle object from a dictionary."""
|
|
277
|
-
return DOMRectangle(
|
|
278
|
-
x=_get_number(rect, "x"),
|
|
279
|
-
y=_get_number(rect, "y"),
|
|
280
|
-
width=_get_number(rect, "width"),
|
|
281
|
-
height=_get_number(rect, "height"),
|
|
282
|
-
top=_get_number(rect, "top"),
|
|
283
|
-
right=_get_number(rect, "right"),
|
|
284
|
-
bottom=_get_number(rect, "bottom"),
|
|
285
|
-
left=_get_number(rect, "left"),
|
|
286
|
-
)
|
|
287
|
-
|
|
288
|
-
|
|
289
|
-
def interactive_region_from_dict(region: Dict[str, Any]) -> InteractiveRegion:
|
|
290
|
-
r"""Create an :class:`InteractiveRegion` object from a dictionary."""
|
|
291
|
-
typed_rects: List[DOMRectangle] = []
|
|
292
|
-
for rect in region["rects"]:
|
|
293
|
-
typed_rects.append(dom_rectangle_from_dict(rect))
|
|
294
|
-
|
|
295
|
-
return InteractiveRegion(
|
|
296
|
-
tag_name=_get_str(region, "tag_name"),
|
|
297
|
-
role=_get_str(region, "role"),
|
|
298
|
-
aria_name=_get_str(region, "aria-name"),
|
|
299
|
-
v_scrollable=_get_bool(region, "v-scrollable"),
|
|
300
|
-
rects=typed_rects,
|
|
301
|
-
)
|
|
302
|
-
|
|
303
|
-
|
|
304
|
-
def visual_viewport_from_dict(viewport: Dict[str, Any]) -> VisualViewport:
|
|
305
|
-
r"""Create a :class:`VisualViewport` object from a dictionary."""
|
|
306
|
-
return VisualViewport(
|
|
307
|
-
height=_get_number(viewport, "height"),
|
|
308
|
-
width=_get_number(viewport, "width"),
|
|
309
|
-
offsetLeft=_get_number(viewport, "offsetLeft"),
|
|
310
|
-
offsetTop=_get_number(viewport, "offsetTop"),
|
|
311
|
-
pageLeft=_get_number(viewport, "pageLeft"),
|
|
312
|
-
pageTop=_get_number(viewport, "pageTop"),
|
|
313
|
-
scale=_get_number(viewport, "scale"),
|
|
314
|
-
clientWidth=_get_number(viewport, "clientWidth"),
|
|
315
|
-
clientHeight=_get_number(viewport, "clientHeight"),
|
|
316
|
-
scrollWidth=_get_number(viewport, "scrollWidth"),
|
|
317
|
-
scrollHeight=_get_number(viewport, "scrollHeight"),
|
|
318
|
-
)
|
|
319
|
-
|
|
320
|
-
|
|
321
|
-
def add_set_of_mark(
|
|
322
|
-
screenshot: Union[bytes, Image.Image, io.BufferedIOBase],
|
|
323
|
-
ROIs: Dict[str, InteractiveRegion],
|
|
324
|
-
) -> Tuple[Image.Image, List[str], List[str], List[str]]:
|
|
325
|
-
if isinstance(screenshot, Image.Image):
|
|
326
|
-
return _add_set_of_mark(screenshot, ROIs)
|
|
327
|
-
|
|
328
|
-
if isinstance(screenshot, bytes):
|
|
329
|
-
screenshot = io.BytesIO(screenshot)
|
|
330
|
-
|
|
331
|
-
image = Image.open(cast(BinaryIO, screenshot))
|
|
332
|
-
comp, visible_rects, rects_above, rects_below = _add_set_of_mark(
|
|
333
|
-
image, ROIs
|
|
334
|
-
)
|
|
335
|
-
image.close()
|
|
336
|
-
return comp, visible_rects, rects_above, rects_below
|
|
337
|
-
|
|
338
|
-
|
|
339
|
-
def _add_set_of_mark(
|
|
340
|
-
screenshot: Image.Image, ROIs: Dict[str, InteractiveRegion]
|
|
341
|
-
) -> Tuple[Image.Image, List[str], List[str], List[str]]:
|
|
342
|
-
r"""Add a set of marks to the screenshot.
|
|
343
|
-
|
|
344
|
-
Args:
|
|
345
|
-
screenshot (Image.Image): The screenshot to add marks to.
|
|
346
|
-
ROIs (Dict[str, InteractiveRegion]): The regions to add marks to.
|
|
347
|
-
|
|
348
|
-
Returns:
|
|
349
|
-
Tuple[Image.Image, List[str], List[str], List[str]]: A tuple
|
|
350
|
-
containing the screenshot with marked ROIs, ROIs fully within the
|
|
351
|
-
images, ROIs located above the visible area, and ROIs located below
|
|
352
|
-
the visible area.
|
|
353
|
-
"""
|
|
354
|
-
visible_rects: List[str] = list()
|
|
355
|
-
rects_above: List[str] = list() # Scroll up to see
|
|
356
|
-
rects_below: List[str] = list() # Scroll down to see
|
|
357
|
-
|
|
358
|
-
fnt = ImageFont.load_default(14)
|
|
359
|
-
base = screenshot.convert("L").convert("RGBA")
|
|
360
|
-
overlay = Image.new("RGBA", base.size)
|
|
361
|
-
|
|
362
|
-
draw = ImageDraw.Draw(overlay)
|
|
363
|
-
for r in ROIs:
|
|
364
|
-
for rect in ROIs[r]["rects"]:
|
|
365
|
-
# Empty rectangles
|
|
366
|
-
if not rect or rect["width"] == 0 or rect["height"] == 0:
|
|
367
|
-
continue
|
|
368
|
-
|
|
369
|
-
# TODO: add scroll left and right?
|
|
370
|
-
horizontal_center = (rect["right"] + rect["left"]) / 2.0
|
|
371
|
-
vertical_center = (rect["top"] + rect["bottom"]) / 2.0
|
|
372
|
-
is_within_horizon = 0 <= horizontal_center < base.size[0]
|
|
373
|
-
is_above_viewport = vertical_center < 0
|
|
374
|
-
is_below_viewport = vertical_center >= base.size[1]
|
|
375
|
-
|
|
376
|
-
if is_within_horizon:
|
|
377
|
-
if is_above_viewport:
|
|
378
|
-
rects_above.append(r)
|
|
379
|
-
elif is_below_viewport:
|
|
380
|
-
rects_below.append(r)
|
|
381
|
-
else: # Fully visible
|
|
382
|
-
visible_rects.append(r)
|
|
383
|
-
_draw_roi(draw, int(r), fnt, rect)
|
|
384
|
-
|
|
385
|
-
comp = Image.alpha_composite(base, overlay)
|
|
386
|
-
overlay.close()
|
|
387
|
-
return comp, visible_rects, rects_above, rects_below
|
|
388
|
-
|
|
389
|
-
|
|
390
|
-
def _draw_roi(
|
|
391
|
-
draw: ImageDraw.ImageDraw,
|
|
392
|
-
idx: int,
|
|
393
|
-
font: ImageFont.FreeTypeFont | ImageFont.ImageFont,
|
|
394
|
-
rect: DOMRectangle,
|
|
395
|
-
) -> None:
|
|
396
|
-
r"""Draw a ROI on the image.
|
|
397
|
-
|
|
398
|
-
Args:
|
|
399
|
-
draw (ImageDraw.ImageDraw): The draw object.
|
|
400
|
-
idx (int): The index of the ROI.
|
|
401
|
-
font (ImageFont.FreeTypeFont | ImageFont.ImageFont): The font.
|
|
402
|
-
rect (DOMRectangle): The DOM rectangle.
|
|
403
|
-
"""
|
|
404
|
-
color = _get_random_color(idx)
|
|
405
|
-
text_color = _get_text_color(color)
|
|
406
|
-
|
|
407
|
-
roi = ((rect["left"], rect["top"]), (rect["right"], rect["bottom"]))
|
|
408
|
-
|
|
409
|
-
label_location = (rect["right"], rect["top"])
|
|
410
|
-
label_anchor = "rb"
|
|
411
|
-
|
|
412
|
-
if label_location[1] <= TOP_NO_LABEL_ZONE:
|
|
413
|
-
label_location = (rect["right"], rect["bottom"])
|
|
414
|
-
label_anchor = "rt"
|
|
415
|
-
|
|
416
|
-
draw.rectangle(
|
|
417
|
-
roi, outline=color, fill=(color[0], color[1], color[2], 48), width=2
|
|
418
|
-
)
|
|
419
|
-
|
|
420
|
-
bbox = draw.textbbox(
|
|
421
|
-
label_location,
|
|
422
|
-
str(idx),
|
|
423
|
-
font=font,
|
|
424
|
-
anchor=label_anchor,
|
|
425
|
-
align="center",
|
|
426
|
-
)
|
|
427
|
-
bbox = (bbox[0] - 3, bbox[1] - 3, bbox[2] + 3, bbox[3] + 3)
|
|
428
|
-
draw.rectangle(bbox, fill=color)
|
|
429
|
-
|
|
430
|
-
draw.text(
|
|
431
|
-
label_location,
|
|
432
|
-
str(idx),
|
|
433
|
-
fill=text_color,
|
|
434
|
-
font=font,
|
|
435
|
-
anchor=label_anchor,
|
|
436
|
-
align="center",
|
|
437
|
-
)
|
|
438
|
-
|
|
439
|
-
|
|
440
|
-
def _get_text_color(
|
|
441
|
-
bg_color: Tuple[int, int, int, int],
|
|
442
|
-
) -> Tuple[int, int, int, int]:
|
|
443
|
-
r"""Determine the ideal text color (black or white) for contrast.
|
|
444
|
-
|
|
445
|
-
Args:
|
|
446
|
-
bg_color: The background color (R, G, B, A).
|
|
447
|
-
|
|
448
|
-
Returns:
|
|
449
|
-
A tuple representing black or white color for text.
|
|
450
|
-
"""
|
|
451
|
-
luminance = bg_color[0] * 0.3 + bg_color[1] * 0.59 + bg_color[2] * 0.11
|
|
452
|
-
return (0, 0, 0, 255) if luminance > 120 else (255, 255, 255, 255)
|
|
453
|
-
|
|
454
|
-
|
|
455
|
-
def _get_random_color(identifier: int) -> Tuple[int, int, int, int]:
|
|
456
|
-
r"""Generate a consistent random RGBA color based on the identifier.
|
|
457
|
-
|
|
458
|
-
Args:
|
|
459
|
-
identifier: The ID used as a seed to ensure color consistency.
|
|
460
|
-
|
|
461
|
-
Returns:
|
|
462
|
-
A tuple representing (R, G, B, A) values.
|
|
463
|
-
"""
|
|
464
|
-
rnd = random.Random(int(identifier))
|
|
465
|
-
r = rnd.randint(0, 255)
|
|
466
|
-
g = rnd.randint(125, 255)
|
|
467
|
-
b = rnd.randint(0, 50)
|
|
468
|
-
color = [r, g, b]
|
|
469
|
-
# TODO: check why shuffle is needed?
|
|
470
|
-
rnd.shuffle(color)
|
|
471
|
-
color.append(255)
|
|
472
|
-
return cast(Tuple[int, int, int, int], tuple(color))
|
|
473
|
-
|
|
474
|
-
|
|
475
119
|
class AsyncBaseBrowser:
|
|
476
120
|
def __init__(
|
|
477
121
|
self,
|
|
@@ -479,6 +123,7 @@ class AsyncBaseBrowser:
|
|
|
479
123
|
cache_dir: Optional[str] = None,
|
|
480
124
|
channel: Literal["chrome", "msedge", "chromium"] = "chromium",
|
|
481
125
|
cookie_json_path: Optional[str] = None,
|
|
126
|
+
user_data_dir: Optional[str] = None,
|
|
482
127
|
):
|
|
483
128
|
r"""
|
|
484
129
|
Initialize the asynchronous browser core.
|
|
@@ -492,7 +137,11 @@ class AsyncBaseBrowser:
|
|
|
492
137
|
cookie_json_path (Optional[str]): Path to a JSON file containing
|
|
493
138
|
authentication cookies and browser storage state. If provided
|
|
494
139
|
and the file exists, the browser will load this state to
|
|
495
|
-
maintain authenticated sessions
|
|
140
|
+
maintain authenticated sessions. This is primarily used when
|
|
141
|
+
`user_data_dir` is not set.
|
|
142
|
+
user_data_dir (Optional[str]): The directory to store user data
|
|
143
|
+
for persistent context. If None, a fresh browser instance
|
|
144
|
+
is used without saving data. (default: :obj:`None`)
|
|
496
145
|
|
|
497
146
|
Returns:
|
|
498
147
|
None
|
|
@@ -501,17 +150,29 @@ class AsyncBaseBrowser:
|
|
|
501
150
|
async_playwright,
|
|
502
151
|
)
|
|
503
152
|
|
|
504
|
-
self.history: list = []
|
|
153
|
+
self.history: list[Any] = []
|
|
505
154
|
self.headless = headless
|
|
506
155
|
self.channel = channel
|
|
507
156
|
self.playwright = async_playwright()
|
|
508
|
-
self.page_history: list = []
|
|
157
|
+
self.page_history: list[Any] = []
|
|
509
158
|
self.cookie_json_path = cookie_json_path
|
|
159
|
+
self.user_data_dir = user_data_dir
|
|
160
|
+
self.playwright_server: Any = None
|
|
161
|
+
self.playwright_started: bool = False
|
|
162
|
+
self.browser: Any = None
|
|
163
|
+
self.context: Any = None
|
|
164
|
+
self.page: Any = None
|
|
165
|
+
self.page_url: str = ""
|
|
166
|
+
self.web_agent_model: Optional[BaseModelBackend] = None
|
|
510
167
|
|
|
511
168
|
# Set the cache directory
|
|
512
169
|
self.cache_dir = "tmp/" if cache_dir is None else cache_dir
|
|
513
170
|
os.makedirs(self.cache_dir, exist_ok=True)
|
|
514
171
|
|
|
172
|
+
# Create user data directory only if specified
|
|
173
|
+
if self.user_data_dir:
|
|
174
|
+
os.makedirs(self.user_data_dir, exist_ok=True)
|
|
175
|
+
|
|
515
176
|
# Load the page script
|
|
516
177
|
abs_dir_path = os.path.dirname(os.path.abspath(__file__))
|
|
517
178
|
page_script_path = os.path.join(abs_dir_path, "page_script.js")
|
|
@@ -532,23 +193,56 @@ class AsyncBaseBrowser:
|
|
|
532
193
|
await self._ensure_browser_installed()
|
|
533
194
|
self.playwright_server = await self.playwright.start()
|
|
534
195
|
self.playwright_started = True
|
|
535
|
-
|
|
536
|
-
|
|
537
|
-
|
|
196
|
+
|
|
197
|
+
browser_launch_args = [
|
|
198
|
+
"--disable-blink-features=AutomationControlled", # Basic stealth
|
|
199
|
+
]
|
|
200
|
+
|
|
201
|
+
user_agent_string = (
|
|
202
|
+
"Mozilla/5.0 (Windows NT 10.0; Win64; x64) "
|
|
203
|
+
"AppleWebKit/537.36 (KHTML, like Gecko) "
|
|
204
|
+
"Chrome/91.0.4472.124 Safari/537.36"
|
|
538
205
|
)
|
|
539
|
-
|
|
540
|
-
|
|
541
|
-
|
|
542
|
-
|
|
543
|
-
|
|
544
|
-
|
|
206
|
+
|
|
207
|
+
if self.user_data_dir:
|
|
208
|
+
self.context = await (
|
|
209
|
+
self.playwright_server.chromium.launch_persistent_context(
|
|
210
|
+
user_data_dir=self.user_data_dir,
|
|
211
|
+
headless=self.headless,
|
|
212
|
+
channel=self.channel,
|
|
213
|
+
accept_downloads=True,
|
|
214
|
+
user_agent=user_agent_string,
|
|
215
|
+
java_script_enabled=True,
|
|
216
|
+
args=browser_launch_args,
|
|
217
|
+
)
|
|
545
218
|
)
|
|
219
|
+
self.browser = None # Not using a separate browser instance
|
|
220
|
+
if len(self.context.pages) > 0: # Persistent context might
|
|
221
|
+
# reopen pages
|
|
222
|
+
self.page = self.context.pages[0]
|
|
223
|
+
else:
|
|
224
|
+
self.page = await self.context.new_page()
|
|
546
225
|
else:
|
|
547
|
-
|
|
548
|
-
|
|
226
|
+
# Launch a fresh browser instance
|
|
227
|
+
self.browser = await self.playwright_server.chromium.launch(
|
|
228
|
+
headless=self.headless,
|
|
229
|
+
channel=self.channel,
|
|
230
|
+
args=browser_launch_args,
|
|
549
231
|
)
|
|
550
|
-
|
|
551
|
-
|
|
232
|
+
|
|
233
|
+
new_context_kwargs: Dict[str, Any] = {
|
|
234
|
+
"accept_downloads": True,
|
|
235
|
+
"user_agent": user_agent_string,
|
|
236
|
+
"java_script_enabled": True,
|
|
237
|
+
}
|
|
238
|
+
if self.cookie_json_path and os.path.exists(self.cookie_json_path):
|
|
239
|
+
new_context_kwargs["storage_state"] = self.cookie_json_path
|
|
240
|
+
|
|
241
|
+
self.context = await self.browser.new_context(**new_context_kwargs)
|
|
242
|
+
self.page = await self.context.new_page()
|
|
243
|
+
|
|
244
|
+
assert self.context is not None
|
|
245
|
+
assert self.page is not None
|
|
552
246
|
|
|
553
247
|
def init(self) -> Coroutine[Any, Any, None]:
|
|
554
248
|
r"""Initialize the browser asynchronously."""
|
|
@@ -627,7 +321,10 @@ class AsyncBaseBrowser:
|
|
|
627
321
|
return "User cancelled the video analysis."
|
|
628
322
|
|
|
629
323
|
model = None
|
|
630
|
-
if
|
|
324
|
+
if (
|
|
325
|
+
hasattr(self, 'web_agent_model')
|
|
326
|
+
and self.web_agent_model is not None
|
|
327
|
+
):
|
|
631
328
|
model = self.web_agent_model
|
|
632
329
|
|
|
633
330
|
video_analyzer = VideoAnalysisToolkit(model=model)
|
|
@@ -719,7 +416,8 @@ class AsyncBaseBrowser:
|
|
|
719
416
|
)
|
|
720
417
|
|
|
721
418
|
_, file_path = await self.get_screenshot(save_image=True)
|
|
722
|
-
|
|
419
|
+
if file_path is not None:
|
|
420
|
+
screenshots.append(file_path)
|
|
723
421
|
|
|
724
422
|
await self.page.evaluate(f"window.scrollBy(0, {scroll_step})")
|
|
725
423
|
# Allow time for content to load
|
|
@@ -796,7 +494,7 @@ class AsyncBaseBrowser:
|
|
|
796
494
|
for k in result:
|
|
797
495
|
typed_results[k] = interactive_region_from_dict(result[k])
|
|
798
496
|
|
|
799
|
-
return typed_results
|
|
497
|
+
return typed_results
|
|
800
498
|
|
|
801
499
|
def get_interactive_elements(
|
|
802
500
|
self,
|
|
@@ -826,13 +524,13 @@ class AsyncBaseBrowser:
|
|
|
826
524
|
"""
|
|
827
525
|
|
|
828
526
|
await self.wait_for_load()
|
|
829
|
-
screenshot, _ = await self.
|
|
830
|
-
rects = await self.
|
|
527
|
+
screenshot, _ = await self.async_get_screenshot(save_image=False)
|
|
528
|
+
rects = await self.async_get_interactive_elements()
|
|
831
529
|
|
|
832
530
|
file_path: str | None = None
|
|
833
531
|
comp, _, _, _ = add_set_of_mark(
|
|
834
532
|
screenshot,
|
|
835
|
-
rects,
|
|
533
|
+
rects,
|
|
836
534
|
)
|
|
837
535
|
if save_image:
|
|
838
536
|
parsed_url = urllib.parse.urlparse(self.page_url)
|
|
@@ -898,7 +596,7 @@ class AsyncBaseBrowser:
|
|
|
898
596
|
|
|
899
597
|
try:
|
|
900
598
|
await target.wait_for(timeout=5000)
|
|
901
|
-
except (TimeoutError, Exception) as e:
|
|
599
|
+
except (TimeoutError, Exception) as e: # type: ignore[misc]
|
|
902
600
|
logger.debug(f"Error during click operation: {e}")
|
|
903
601
|
raise ValueError("No such element.") from None
|
|
904
602
|
|
|
@@ -922,7 +620,7 @@ class AsyncBaseBrowser:
|
|
|
922
620
|
self.page_history.append(deepcopy(self.page.url))
|
|
923
621
|
self.page = new_page
|
|
924
622
|
|
|
925
|
-
except (TimeoutError, Exception) as e:
|
|
623
|
+
except (TimeoutError, Exception) as e: # type: ignore[misc]
|
|
926
624
|
logger.debug(f"Error during click operation: {e}")
|
|
927
625
|
pass
|
|
928
626
|
|
|
@@ -958,7 +656,7 @@ class AsyncBaseBrowser:
|
|
|
958
656
|
identifier = str(identifier)
|
|
959
657
|
try:
|
|
960
658
|
target = self.page.locator(f"[__elementId='{identifier}']")
|
|
961
|
-
except (TimeoutError, Exception) as e:
|
|
659
|
+
except (TimeoutError, Exception) as e: # type: ignore[misc]
|
|
962
660
|
logger.debug(f"Error during download operation: {e}")
|
|
963
661
|
logger.warning(
|
|
964
662
|
f"Element with identifier '{identifier}' not found."
|
|
@@ -1011,7 +709,7 @@ class AsyncBaseBrowser:
|
|
|
1011
709
|
|
|
1012
710
|
try:
|
|
1013
711
|
target = self.page.locator(f"[__elementId='{identifier}']")
|
|
1014
|
-
except (TimeoutError, Exception) as e:
|
|
712
|
+
except (TimeoutError, Exception) as e: # type: ignore[misc]
|
|
1015
713
|
logger.debug(f"Error during fill operation: {e}")
|
|
1016
714
|
logger.warning(
|
|
1017
715
|
f"Element with identifier '{identifier}' not found."
|
|
@@ -1075,7 +773,7 @@ class AsyncBaseBrowser:
|
|
|
1075
773
|
identifier = str(identifier)
|
|
1076
774
|
try:
|
|
1077
775
|
target = self.page.locator(f"[__elementId='{identifier}']")
|
|
1078
|
-
except (TimeoutError, Exception) as e:
|
|
776
|
+
except (TimeoutError, Exception) as e: # type: ignore[misc]
|
|
1079
777
|
logger.debug(f"Error during hover operation: {e}")
|
|
1080
778
|
logger.warning(
|
|
1081
779
|
f"Element with identifier '{identifier}' not found."
|
|
@@ -1172,7 +870,14 @@ class AsyncBaseBrowser:
|
|
|
1172
870
|
|
|
1173
871
|
async def async_close(self) -> None:
|
|
1174
872
|
r"""Asynchronously close the browser."""
|
|
1175
|
-
|
|
873
|
+
if self.context is not None:
|
|
874
|
+
await self.context.close()
|
|
875
|
+
if self.browser is not None: # Only close browser if it was
|
|
876
|
+
# launched separately
|
|
877
|
+
await self.browser.close()
|
|
878
|
+
if self.playwright_server and self.playwright_started:
|
|
879
|
+
await self.playwright_server.stop()
|
|
880
|
+
self.playwright_started = False
|
|
1176
881
|
|
|
1177
882
|
def close(self) -> Coroutine[Any, Any, None]:
|
|
1178
883
|
r"""Close the browser."""
|
|
@@ -1288,6 +993,7 @@ class AsyncBrowserToolkit(BaseToolkit):
|
|
|
1288
993
|
planning_agent_model: Optional[BaseModelBackend] = None,
|
|
1289
994
|
output_language: str = "en",
|
|
1290
995
|
cookie_json_path: Optional[str] = None,
|
|
996
|
+
user_data_dir: Optional[str] = None,
|
|
1291
997
|
):
|
|
1292
998
|
r"""Initialize the BrowserToolkit instance.
|
|
1293
999
|
|
|
@@ -1311,21 +1017,25 @@ class AsyncBrowserToolkit(BaseToolkit):
|
|
|
1311
1017
|
maintain authenticated sessions without requiring manual
|
|
1312
1018
|
login.
|
|
1313
1019
|
(default: :obj:`None`)
|
|
1020
|
+
user_data_dir (Optional[str]): The directory to store user data
|
|
1021
|
+
for persistent context. (default: :obj:`"user_data_dir/"`)
|
|
1314
1022
|
"""
|
|
1315
|
-
|
|
1023
|
+
super().__init__()
|
|
1316
1024
|
self.browser = AsyncBaseBrowser(
|
|
1317
1025
|
headless=headless,
|
|
1318
1026
|
cache_dir=cache_dir,
|
|
1319
1027
|
channel=channel,
|
|
1320
1028
|
cookie_json_path=cookie_json_path,
|
|
1029
|
+
user_data_dir=user_data_dir,
|
|
1321
1030
|
)
|
|
1322
1031
|
|
|
1323
1032
|
self.history_window = history_window
|
|
1324
1033
|
self.web_agent_model = web_agent_model
|
|
1325
1034
|
self.planning_agent_model = planning_agent_model
|
|
1326
1035
|
self.output_language = output_language
|
|
1036
|
+
self.browser.web_agent_model = web_agent_model
|
|
1327
1037
|
|
|
1328
|
-
self.history: list = []
|
|
1038
|
+
self.history: list[Any] = []
|
|
1329
1039
|
self.web_agent, self.planning_agent = self._initialize_agent()
|
|
1330
1040
|
|
|
1331
1041
|
def _reset(self):
|
|
@@ -1335,8 +1045,8 @@ class AsyncBrowserToolkit(BaseToolkit):
|
|
|
1335
1045
|
os.makedirs(self.browser.cache_dir, exist_ok=True)
|
|
1336
1046
|
|
|
1337
1047
|
def _initialize_agent(self) -> Tuple["ChatAgent", "ChatAgent"]:
|
|
1338
|
-
r"""Initialize the
|
|
1339
|
-
from camel.agents import ChatAgent
|
|
1048
|
+
r"""Initialize the planning and web agents."""
|
|
1049
|
+
from camel.agents.chat_agent import ChatAgent
|
|
1340
1050
|
|
|
1341
1051
|
if self.web_agent_model is None:
|
|
1342
1052
|
web_agent_model = ModelFactory.create(
|
|
@@ -1355,11 +1065,7 @@ class AsyncBrowserToolkit(BaseToolkit):
|
|
|
1355
1065
|
else:
|
|
1356
1066
|
planning_model = self.planning_agent_model
|
|
1357
1067
|
|
|
1358
|
-
system_prompt =
|
|
1359
|
-
You are a helpful web agent that can assist users in browsing the web.
|
|
1360
|
-
Given a high-level task, you can leverage predefined browser tools to help
|
|
1361
|
-
users achieve their goals.
|
|
1362
|
-
"""
|
|
1068
|
+
system_prompt = WEB_AGENT_SYSTEM_PROMPT
|
|
1363
1069
|
|
|
1364
1070
|
web_agent = ChatAgent(
|
|
1365
1071
|
system_message=system_prompt,
|
|
@@ -1367,10 +1073,7 @@ users achieve their goals.
|
|
|
1367
1073
|
output_language=self.output_language,
|
|
1368
1074
|
)
|
|
1369
1075
|
|
|
1370
|
-
planning_system_prompt =
|
|
1371
|
-
You are a helpful planning agent that can assist users in planning complex
|
|
1372
|
-
tasks which need multi-step browser interaction.
|
|
1373
|
-
"""
|
|
1076
|
+
planning_system_prompt = PLANNING_AGENT_SYSTEM_PROMPT
|
|
1374
1077
|
|
|
1375
1078
|
planning_agent = ChatAgent(
|
|
1376
1079
|
system_message=planning_system_prompt,
|
|
@@ -1386,97 +1089,23 @@ tasks which need multi-step browser interaction.
|
|
|
1386
1089
|
r"""Let agent observe the current environment, and get the next
|
|
1387
1090
|
action."""
|
|
1388
1091
|
|
|
1389
|
-
|
|
1092
|
+
detailed_plan_prompt_str = ""
|
|
1390
1093
|
|
|
1391
1094
|
if detailed_plan is not None:
|
|
1392
|
-
|
|
1095
|
+
detailed_plan_prompt_str = f"""
|
|
1393
1096
|
Here is a plan about how to solve the task step-by-step which you must follow:
|
|
1394
|
-
<detailed_plan>{detailed_plan}
|
|
1097
|
+
<detailed_plan>{detailed_plan}</detailed_plan>
|
|
1395
1098
|
"""
|
|
1396
1099
|
|
|
1397
|
-
observe_prompt =
|
|
1398
|
-
|
|
1399
|
-
|
|
1400
|
-
|
|
1401
|
-
|
|
1402
|
-
|
|
1403
|
-
|
|
1404
|
-
the browser, and provide the next appropriate action to take.
|
|
1405
|
-
|
|
1406
|
-
{detailed_plan_prompt}
|
|
1407
|
-
|
|
1408
|
-
Here are the current available browser functions you can use:
|
|
1409
|
-
{AVAILABLE_ACTIONS_PROMPT}
|
|
1410
|
-
|
|
1411
|
-
Here are the latest {self.history_window} trajectory (at most) you have taken:
|
|
1412
|
-
<history>
|
|
1413
|
-
{self.history[-self.history_window :]}
|
|
1414
|
-
</history>
|
|
1415
|
-
|
|
1416
|
-
Your output should be in json format, including the following fields:
|
|
1417
|
-
- `observation`: The detailed image description about the current viewport. Do
|
|
1418
|
-
not over-confident about the correctness of the history actions. You should
|
|
1419
|
-
always check the current viewport to make sure the correctness of the next
|
|
1420
|
-
action.
|
|
1421
|
-
- `reasoning`: The reasoning about the next action you want to take, and the
|
|
1422
|
-
possible obstacles you may encounter, and how to solve them. Do not forget to
|
|
1423
|
-
check the history actions to avoid the same mistakes.
|
|
1424
|
-
- `action_code`: The action code you want to take. It is only one step action
|
|
1425
|
-
code, without any other texts (such as annotation)
|
|
1426
|
-
|
|
1427
|
-
Here is two example of the output:
|
|
1428
|
-
```json
|
|
1429
|
-
{{
|
|
1430
|
-
"observation": [IMAGE_DESCRIPTION],
|
|
1431
|
-
"reasoning": [YOUR_REASONING],
|
|
1432
|
-
"action_code": "fill_input_id([ID], [TEXT])"
|
|
1433
|
-
}}
|
|
1434
|
-
|
|
1435
|
-
{{
|
|
1436
|
-
"observation": "The current page is a CAPTCHA verification page on Amazon. It asks the user to ..",
|
|
1437
|
-
"reasoning": "To proceed with the task of searching for products, I need to complete..",
|
|
1438
|
-
"action_code": "fill_input_id(3, 'AUXPMR')"
|
|
1439
|
-
}}
|
|
1440
|
-
|
|
1441
|
-
Here are some tips for you:
|
|
1442
|
-
- Never forget the overall question: **{task_prompt}**
|
|
1443
|
-
- Maybe after a certain operation (e.g. click_id), the page content has not
|
|
1444
|
-
changed. You can check whether the action step is successful by looking at the
|
|
1445
|
-
`success` of the action step in the history. If successful, it means that the
|
|
1446
|
-
page content is indeed the same after the click. You need to try other methods.
|
|
1447
|
-
- If using one way to solve the problem is not successful, try other ways.
|
|
1448
|
-
Make sure your provided ID is correct!
|
|
1449
|
-
- Some cases are very complex and need to be achieve by an iterative process.
|
|
1450
|
-
You can use the `back()` function to go back to the previous page to try other
|
|
1451
|
-
methods.
|
|
1452
|
-
- There are many links on the page, which may be useful for solving the
|
|
1453
|
-
problem. You can use the `click_id()` function to click on the link to see if
|
|
1454
|
-
it is useful.
|
|
1455
|
-
- Always keep in mind that your action must be based on the ID shown in the
|
|
1456
|
-
current image or viewport, not the ID shown in the history.
|
|
1457
|
-
- Do not use `stop()` lightly. Always remind yourself that the image only
|
|
1458
|
-
shows a part of the full page. If you cannot find the answer, try to use
|
|
1459
|
-
functions like `scroll_up()` and `scroll_down()` to check the full content of
|
|
1460
|
-
the webpage before doing anything else, because the answer or next key step
|
|
1461
|
-
may be hidden in the content below.
|
|
1462
|
-
- If the webpage needs human verification, you must avoid processing it.
|
|
1463
|
-
Please use `back()` to go back to the previous page, and try other ways.
|
|
1464
|
-
- If you have tried everything and still cannot resolve the issue, please stop
|
|
1465
|
-
the simulation, and report issues you have encountered.
|
|
1466
|
-
- Check the history actions carefully, detect whether you have repeatedly made
|
|
1467
|
-
the same actions or not.
|
|
1468
|
-
- When dealing with wikipedia revision history related tasks, you need to
|
|
1469
|
-
think about the solution flexibly. First, adjust the browsing history
|
|
1470
|
-
displayed on a single page to the maximum, and then make use of the
|
|
1471
|
-
find_text_on_page function. This is extremely useful which can quickly locate
|
|
1472
|
-
the text you want to find and skip massive amount of useless information.
|
|
1473
|
-
- Flexibly use interactive elements like slide down selection bar to filter
|
|
1474
|
-
out the information you need. Sometimes they are extremely useful.
|
|
1475
|
-
```
|
|
1476
|
-
""" # noqa: E501
|
|
1477
|
-
|
|
1100
|
+
observe_prompt = OBSERVE_PROMPT_TEMPLATE.format(
|
|
1101
|
+
task_prompt=task_prompt,
|
|
1102
|
+
detailed_plan_prompt=detailed_plan_prompt_str,
|
|
1103
|
+
AVAILABLE_ACTIONS_PROMPT=AVAILABLE_ACTIONS_PROMPT,
|
|
1104
|
+
history_window=self.history_window,
|
|
1105
|
+
history=self.history[-self.history_window :],
|
|
1106
|
+
)
|
|
1478
1107
|
# get current state
|
|
1479
|
-
som_screenshot, _ = await self.browser.
|
|
1108
|
+
som_screenshot, _ = await self.browser.async_get_som_screenshot(
|
|
1480
1109
|
save_image=True
|
|
1481
1110
|
)
|
|
1482
1111
|
img = _reload_image(som_screenshot)
|
|
@@ -1485,11 +1114,11 @@ out the information you need. Sometimes they are extremely useful.
|
|
|
1485
1114
|
)
|
|
1486
1115
|
# Reset the history message of web_agent.
|
|
1487
1116
|
self.web_agent.reset()
|
|
1488
|
-
resp = self.web_agent.
|
|
1117
|
+
resp = await self.web_agent.astep(message)
|
|
1489
1118
|
|
|
1490
1119
|
resp_content = resp.msgs[0].content
|
|
1491
1120
|
|
|
1492
|
-
resp_dict = _parse_json_output(resp_content)
|
|
1121
|
+
resp_dict = _parse_json_output(resp_content, logger)
|
|
1493
1122
|
observation_result: str = resp_dict.get("observation", "")
|
|
1494
1123
|
reasoning_result: str = resp_dict.get("reasoning", "")
|
|
1495
1124
|
action_code: str = resp_dict.get("action_code", "")
|
|
@@ -1621,50 +1250,29 @@ out the information you need. Sometimes they are extremely useful.
|
|
|
1621
1250
|
f"correct identifier.",
|
|
1622
1251
|
)
|
|
1623
1252
|
|
|
1624
|
-
def
|
|
1625
|
-
r"""
|
|
1626
|
-
|
|
1627
|
-
|
|
1628
|
-
current viewport.
|
|
1629
|
-
"""
|
|
1630
|
-
|
|
1631
|
-
prompt = f"""
|
|
1632
|
-
We are solving a complex web task which needs multi-step browser interaction. After the multi-step observation, reasoning and acting with web browser, we think that the task is currently solved.
|
|
1633
|
-
Here are all trajectory we have taken:
|
|
1634
|
-
<history>{self.history}</history>
|
|
1635
|
-
Please find the final answer, or give valuable insights and founds (e.g. if previous actions contain downloading files, your output should include the path of the downloaded file) about the overall task: <task>{task_prompt}</task>
|
|
1636
|
-
""" # noqa: E501
|
|
1637
|
-
|
|
1638
|
-
message = BaseMessage.make_user_message(
|
|
1639
|
-
role_name='user',
|
|
1640
|
-
content=prompt,
|
|
1253
|
+
async def _async_get_final_answer(self, task_prompt: str) -> str:
|
|
1254
|
+
r"""Generate the final answer based on the task prompt."""
|
|
1255
|
+
final_answer_prompt = GET_FINAL_ANSWER_PROMPT_TEMPLATE.format(
|
|
1256
|
+
task_prompt=task_prompt, history=self.history
|
|
1641
1257
|
)
|
|
1258
|
+
response = await self.planning_agent.astep(final_answer_prompt)
|
|
1259
|
+
if response.msgs is None or len(response.msgs) == 0:
|
|
1260
|
+
raise RuntimeError("Got empty final answer from planning agent.")
|
|
1261
|
+
return response.msgs[0].content
|
|
1642
1262
|
|
|
1643
|
-
|
|
1644
|
-
|
|
1645
|
-
|
|
1646
|
-
|
|
1647
|
-
|
|
1648
|
-
|
|
1649
|
-
# Here are the available browser functions we can
|
|
1650
|
-
# use: {AVAILABLE_ACTIONS_PROMPT}
|
|
1651
|
-
|
|
1652
|
-
planning_prompt = f"""
|
|
1653
|
-
<task>{task_prompt}</task>
|
|
1654
|
-
According to the problem above, if we use browser interaction, what is the general process of the interaction after visiting the webpage `{start_url}`?
|
|
1655
|
-
|
|
1656
|
-
Please note that it can be viewed as Partially Observable MDP. Do not over-confident about your plan.
|
|
1657
|
-
Please first restate the task in detail, and then provide a detailed plan to solve the task.
|
|
1658
|
-
""" # noqa: E501
|
|
1659
|
-
|
|
1660
|
-
message = BaseMessage.make_user_message(
|
|
1661
|
-
role_name='user', content=planning_prompt
|
|
1263
|
+
async def _async_task_planning(
|
|
1264
|
+
self, task_prompt: str, start_url: str
|
|
1265
|
+
) -> str:
|
|
1266
|
+
r"""Generate a detailed plan for the given task."""
|
|
1267
|
+
planning_prompt = TASK_PLANNING_PROMPT_TEMPLATE.format(
|
|
1268
|
+
task_prompt=task_prompt, start_url=start_url
|
|
1662
1269
|
)
|
|
1270
|
+
response = await self.planning_agent.astep(planning_prompt)
|
|
1271
|
+
if response.msgs is None or len(response.msgs) == 0:
|
|
1272
|
+
raise RuntimeError("Got empty plan from planning agent.")
|
|
1273
|
+
return response.msgs[0].content
|
|
1663
1274
|
|
|
1664
|
-
|
|
1665
|
-
return resp.msgs[0].content
|
|
1666
|
-
|
|
1667
|
-
def _task_replanning(
|
|
1275
|
+
async def _async_task_replanning(
|
|
1668
1276
|
self, task_prompt: str, detailed_plan: str
|
|
1669
1277
|
) -> Tuple[bool, str]:
|
|
1670
1278
|
r"""Replan the task based on the given task prompt.
|
|
@@ -1681,28 +1289,15 @@ Please first restate the task in detail, and then provide a detailed plan to sol
|
|
|
1681
1289
|
|
|
1682
1290
|
# Here are the available browser functions we can
|
|
1683
1291
|
# use: {AVAILABLE_ACTIONS_PROMPT}
|
|
1684
|
-
replanning_prompt =
|
|
1685
|
-
|
|
1686
|
-
|
|
1687
|
-
|
|
1688
|
-
|
|
1689
|
-
In order to solve the task, we made a detailed plan previously. Here is the detailed plan:
|
|
1690
|
-
<detailed plan>{detailed_plan}</detailed plan>
|
|
1691
|
-
|
|
1692
|
-
According to the task above, we have made a series of observations, reasonings, and actions. Here are the latest {self.history_window} trajectory (at most) we have taken:
|
|
1693
|
-
<history>{self.history[-self.history_window :]}</history>
|
|
1694
|
-
|
|
1695
|
-
However, the task is not completed yet. As the task is partially observable, we may need to replan the task based on the current state of the browser if necessary.
|
|
1696
|
-
Now please carefully examine the current task planning schema, and our history actions, and then judge whether the task needs to be fundamentally replanned. If so, please provide a detailed replanned schema (including the restated overall task).
|
|
1697
|
-
|
|
1698
|
-
Your output should be in json format, including the following fields:
|
|
1699
|
-
- `if_need_replan`: bool, A boolean value indicating whether the task needs to be fundamentally replanned.
|
|
1700
|
-
- `replanned_schema`: str, The replanned schema for the task, which should not be changed too much compared with the original one. If the task does not need to be replanned, the value should be an empty string.
|
|
1701
|
-
""" # noqa: E501
|
|
1292
|
+
replanning_prompt = TASK_REPLANNING_PROMPT_TEMPLATE.format(
|
|
1293
|
+
task_prompt=task_prompt,
|
|
1294
|
+
detailed_plan=detailed_plan,
|
|
1295
|
+
history=self.history[-self.history_window :],
|
|
1296
|
+
)
|
|
1702
1297
|
# Reset the history message of planning_agent.
|
|
1703
1298
|
self.planning_agent.reset()
|
|
1704
|
-
resp = self.planning_agent.
|
|
1705
|
-
resp_dict = _parse_json_output(resp.msgs[0].content)
|
|
1299
|
+
resp = await self.planning_agent.astep(replanning_prompt)
|
|
1300
|
+
resp_dict = _parse_json_output(resp.msgs[0].content, logger)
|
|
1706
1301
|
|
|
1707
1302
|
if_need_replan = resp_dict.get("if_need_replan", False)
|
|
1708
1303
|
replanned_schema = resp_dict.get("replanned_schema", "")
|
|
@@ -1731,7 +1326,7 @@ Your output should be in json format, including the following fields:
|
|
|
1731
1326
|
|
|
1732
1327
|
self._reset()
|
|
1733
1328
|
task_completed = False
|
|
1734
|
-
detailed_plan = self.
|
|
1329
|
+
detailed_plan = await self._async_task_planning(task_prompt, start_url)
|
|
1735
1330
|
logger.debug(f"Detailed plan: {detailed_plan}")
|
|
1736
1331
|
|
|
1737
1332
|
await self.browser.async_init()
|
|
@@ -1775,7 +1370,11 @@ Your output should be in json format, including the following fields:
|
|
|
1775
1370
|
self.history.append(trajectory_info)
|
|
1776
1371
|
|
|
1777
1372
|
# replan the task if necessary
|
|
1778
|
-
|
|
1373
|
+
(
|
|
1374
|
+
if_need_replan,
|
|
1375
|
+
replanned_schema,
|
|
1376
|
+
# ruff: noqa: E501
|
|
1377
|
+
) = await self._async_task_replanning(
|
|
1779
1378
|
task_prompt, detailed_plan
|
|
1780
1379
|
)
|
|
1781
1380
|
if if_need_replan:
|
|
@@ -1784,14 +1383,14 @@ Your output should be in json format, including the following fields:
|
|
|
1784
1383
|
|
|
1785
1384
|
if not task_completed:
|
|
1786
1385
|
simulation_result = f"""
|
|
1787
|
-
The task is not completed within the round limit. Please check
|
|
1788
|
-
the last round {self.history_window} information to see if
|
|
1386
|
+
The task is not completed within the round limit. Please check
|
|
1387
|
+
the last round {self.history_window} information to see if
|
|
1789
1388
|
there is any useful information:
|
|
1790
1389
|
<history>{self.history[-self.history_window:]}</history>
|
|
1791
1390
|
"""
|
|
1792
1391
|
|
|
1793
1392
|
else:
|
|
1794
|
-
simulation_result = self.
|
|
1393
|
+
simulation_result = await self._async_get_final_answer(task_prompt)
|
|
1795
1394
|
|
|
1796
1395
|
await self.browser.close()
|
|
1797
1396
|
return simulation_result
|