camel-ai 0.2.65__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 +4835 -947
- 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 +35 -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 +1 -3
- camel/benchmarks/mock_website/mock_web.py +2 -2
- camel/benchmarks/mock_website/requirements.txt +1 -1
- camel/benchmarks/mock_website/shopping_mall/app.py +2 -2
- camel/benchmarks/mock_website/task.json +1 -1
- 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 +23 -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 +2 -2
- 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 +2 -2
- camel/configs/cometapi_config.py +106 -0
- camel/configs/crynux_config.py +2 -2
- 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 +2 -2
- 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 +5 -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 +2 -2
- camel/configs/samba_config.py +6 -4
- 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_collectors/__init__.py +2 -2
- camel/data_collectors/alpaca_collector.py +18 -9
- camel/data_collectors/base.py +2 -2
- camel/data_collectors/sharegpt_collector.py +2 -2
- camel/datagen/__init__.py +2 -2
- camel/datagen/cot_datagen.py +3 -3
- camel/datagen/evol_instruct/__init__.py +2 -2
- camel/datagen/evol_instruct/evol_instruct.py +2 -2
- camel/datagen/evol_instruct/scorer.py +12 -12
- camel/datagen/evol_instruct/templates.py +16 -16
- 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 +2 -2
- camel/datasets/self_instruct_generator.py +2 -2
- camel/datasets/static_dataset.py +2 -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 +2 -2
- 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 +2 -2
- camel/embeddings/together_embedding.py +2 -2
- camel/embeddings/vlm_embedding.py +2 -2
- 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 +2 -2
- camel/interpreters/docker/Dockerfile +14 -24
- camel/interpreters/docker_interpreter.py +5 -4
- camel/interpreters/e2b_interpreter.py +36 -3
- camel/interpreters/internal_python_interpreter.py +53 -4
- camel/interpreters/interpreter_error.py +2 -2
- camel/interpreters/ipython_interpreter.py +2 -2
- camel/interpreters/microsandbox_interpreter.py +395 -0
- camel/interpreters/subprocess_interpreter.py +2 -2
- camel/loaders/__init__.py +13 -4
- 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 +11 -2
- 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 +2 -2
- 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 +125 -7
- 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 +90 -10
- camel/messages/__init__.py +2 -2
- camel/messages/base.py +178 -43
- 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 +16 -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 +212 -89
- 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 +16 -21
- camel/models/cometapi_model.py +83 -0
- camel/models/crynux_model.py +11 -18
- camel/models/deepseek_model.py +18 -58
- camel/models/fish_audio_model.py +8 -2
- camel/models/gemini_model.py +389 -26
- camel/models/groq_model.py +11 -19
- camel/models/internlm_model.py +11 -18
- camel/models/litellm_model.py +56 -34
- camel/models/lmstudio_model.py +17 -20
- camel/models/minimax_model.py +83 -0
- camel/models/mistral_model.py +18 -19
- camel/models/model_factory.py +37 -3
- camel/models/model_manager.py +26 -8
- 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 +188 -45
- camel/models/openai_model.py +216 -71
- 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 +21 -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 +48 -47
- camel/models/sglang_model.py +88 -40
- 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 +7 -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 +3 -2
- camel/retrievers/base.py +2 -2
- camel/retrievers/bm25_retriever.py +2 -2
- camel/retrievers/cohere_rerank_retriever.py +2 -2
- camel/retrievers/hybrid_retrival.py +2 -2
- camel/retrievers/vector_retriever.py +2 -2
- camel/runtimes/Dockerfile.multi-toolkit +90 -0
- camel/runtimes/__init__.py +2 -2
- camel/runtimes/api.py +79 -23
- camel/runtimes/base.py +2 -2
- camel/runtimes/configs.py +13 -13
- camel/runtimes/daytona_runtime.py +17 -18
- camel/runtimes/docker_runtime.py +12 -12
- camel/runtimes/llm_guard_runtime.py +26 -26
- camel/runtimes/remote_http_runtime.py +11 -11
- camel/runtimes/ubuntu_docker_runtime.py +2 -2
- camel/runtimes/utils/__init__.py +2 -2
- camel/runtimes/utils/function_risk_toolkit.py +2 -2
- camel/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 +2 -2
- camel/societies/workforce/events.py +143 -0
- camel/societies/workforce/prompts.py +258 -33
- camel/societies/workforce/role_playing_worker.py +88 -31
- camel/societies/workforce/single_agent_worker.py +638 -40
- camel/societies/workforce/structured_output_handler.py +512 -0
- camel/societies/workforce/task_channel.py +182 -38
- camel/societies/workforce/utils.py +780 -65
- camel/societies/workforce/worker.py +92 -26
- camel/societies/workforce/workflow_memory_manager.py +1746 -0
- camel/societies/workforce/workforce.py +5276 -355
- 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 +6 -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 +8 -2
- camel/storages/vectordb_storages/base.py +2 -2
- camel/storages/vectordb_storages/chroma.py +731 -0
- camel/storages/vectordb_storages/faiss.py +2 -2
- camel/storages/vectordb_storages/milvus.py +2 -2
- camel/storages/vectordb_storages/oceanbase.py +15 -15
- 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 +2 -2
- camel/tasks/__init__.py +2 -2
- camel/tasks/task.py +348 -26
- 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 +54 -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 +4 -4
- camel/toolkits/audio_analysis_toolkit.py +3 -3
- camel/toolkits/base.py +65 -7
- camel/toolkits/bohrium_toolkit.py +2 -2
- camel/toolkits/browser_toolkit.py +34 -21
- camel/toolkits/browser_toolkit_commons.py +4 -4
- camel/toolkits/code_execution.py +31 -4
- 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 +905 -71
- camel/toolkits/file_toolkit.py +1402 -0
- camel/toolkits/function_tool.py +126 -18
- camel/toolkits/github_toolkit.py +109 -22
- 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 -6
- camel/toolkits/image_generation_toolkit.py +390 -0
- camel/toolkits/jina_reranker_toolkit.py +5 -6
- 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 +412 -36
- 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 +53 -53
- camel/toolkits/playwright_mcp_toolkit.py +13 -31
- camel/toolkits/pptx_toolkit.py +36 -23
- 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 +5 -5
- 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 +2 -2
- camel/toolkits/vertex_ai_veo_toolkit.py +590 -0
- camel/toolkits/video_analysis_toolkit.py +109 -29
- camel/toolkits/video_download_toolkit.py +19 -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 +2 -2
- 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 +378 -39
- camel/types/mcp_registries.py +2 -2
- camel/types/openai_types.py +4 -4
- camel/types/unified_model_type.py +38 -6
- camel/utils/__init__.py +2 -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 +38 -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 +2 -2
- camel/utils/mcp.py +140 -6
- camel/utils/mcp_client.py +48 -38
- 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.65.dist-info → camel_ai-0.2.82.dist-info}/METADATA +327 -94
- camel_ai-0.2.82.dist-info/RECORD +507 -0
- {camel_ai-0.2.65.dist-info → camel_ai-0.2.82.dist-info}/WHEEL +1 -1
- {camel_ai-0.2.65.dist-info → camel_ai-0.2.82.dist-info}/licenses/LICENSE +1 -1
- camel/loaders/pandas_reader.py +0 -368
- camel/toolkits/dalle_toolkit.py +0 -175
- camel/toolkits/file_write_toolkit.py +0 -444
- camel/toolkits/openai_agent_toolkit.py +0 -135
- camel/toolkits/terminal_toolkit.py +0 -1037
- camel_ai-0.2.65.dist-info/RECORD +0 -426
|
@@ -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,7 +10,7 @@
|
|
|
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
14
|
# Setup guide - https://developers.google.com/calendar/api/quickstart/python
|
|
15
15
|
|
|
16
16
|
import datetime
|
|
@@ -45,8 +45,21 @@ class GoogleCalendarToolkit(BaseToolkit):
|
|
|
45
45
|
timeout (Optional[float]): The timeout value for API requests
|
|
46
46
|
in seconds. If None, no timeout is applied.
|
|
47
47
|
(default: :obj:`None`)
|
|
48
|
+
|
|
49
|
+
Note:
|
|
50
|
+
Before using this toolkit, make sure to:
|
|
51
|
+
1. Set the required environment variables: GOOGLE_CLIENT_ID and
|
|
52
|
+
GOOGLE_CLIENT_SECRET
|
|
53
|
+
2. Configure the redirect URI in Google Cloud Console to
|
|
54
|
+
http://localhost/
|
|
48
55
|
"""
|
|
49
56
|
super().__init__(timeout=timeout)
|
|
57
|
+
logger.info(
|
|
58
|
+
"Initializing GoogleCalendarToolkit. Make sure to set "
|
|
59
|
+
"GOOGLE_CLIENT_ID and GOOGLE_CLIENT_SECRET environment variables, "
|
|
60
|
+
"and configure the redirect URI in Google Cloud Console to "
|
|
61
|
+
"http://localhost/"
|
|
62
|
+
)
|
|
50
63
|
self.service = self._get_calendar_service()
|
|
51
64
|
|
|
52
65
|
def create_event(
|
|
@@ -197,15 +210,36 @@ class GoogleCalendarToolkit(BaseToolkit):
|
|
|
197
210
|
|
|
198
211
|
result = []
|
|
199
212
|
for event in events:
|
|
200
|
-
|
|
201
|
-
|
|
213
|
+
start_info = event.get('start', {})
|
|
214
|
+
end_info = event.get('end', {})
|
|
215
|
+
start_time = start_info.get(
|
|
216
|
+
'dateTime', start_info.get('date', 'Unknown')
|
|
217
|
+
)
|
|
218
|
+
end_time = end_info.get(
|
|
219
|
+
'dateTime', end_info.get('date', 'Unknown')
|
|
220
|
+
)
|
|
221
|
+
timezone = (
|
|
222
|
+
start_info.get('timeZone')
|
|
223
|
+
or end_info.get('timeZone')
|
|
224
|
+
or event.get('timeZone')
|
|
202
225
|
)
|
|
226
|
+
attendees = [
|
|
227
|
+
attendee.get('email')
|
|
228
|
+
for attendee in event.get('attendees', [])
|
|
229
|
+
if attendee.get('email')
|
|
230
|
+
]
|
|
231
|
+
organizer = event.get('organizer', {}).get('email')
|
|
232
|
+
|
|
203
233
|
result.append(
|
|
204
234
|
{
|
|
205
|
-
'Event ID': event
|
|
235
|
+
'Event ID': event.get('id'),
|
|
206
236
|
'Summary': event.get('summary', 'No Title'),
|
|
207
|
-
'Start Time':
|
|
237
|
+
'Start Time': start_time,
|
|
238
|
+
'End Time': end_time,
|
|
239
|
+
'Timezone': timezone,
|
|
208
240
|
'Link': event.get('htmlLink'),
|
|
241
|
+
'Attendees': attendees,
|
|
242
|
+
'Organizer': organizer,
|
|
209
243
|
}
|
|
210
244
|
)
|
|
211
245
|
|
|
@@ -0,0 +1,54 @@
|
|
|
1
|
+
# ========= Copyright 2023-2025 @ CAMEL-AI.org. All Rights Reserved. =========
|
|
2
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
3
|
+
# you may not use this file except in compliance with the License.
|
|
4
|
+
# You may obtain a copy of the License at
|
|
5
|
+
#
|
|
6
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
7
|
+
#
|
|
8
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
9
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
10
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
11
|
+
# See the License for the specific language governing permissions and
|
|
12
|
+
# limitations under the License.
|
|
13
|
+
# ========= Copyright 2023-2025 @ CAMEL-AI.org. All Rights Reserved. =========
|
|
14
|
+
|
|
15
|
+
from typing import Optional
|
|
16
|
+
|
|
17
|
+
from .mcp_toolkit import MCPToolkit
|
|
18
|
+
|
|
19
|
+
|
|
20
|
+
class GoogleDriveMCPToolkit(MCPToolkit):
|
|
21
|
+
r"""GoogleDriveMCPToolkit provides an interface for interacting with
|
|
22
|
+
Google Drive using the Google Drive MCP server.
|
|
23
|
+
|
|
24
|
+
Attributes:
|
|
25
|
+
timeout (Optional[float]): Connection timeout in seconds.
|
|
26
|
+
(default: :obj:`None`)
|
|
27
|
+
"""
|
|
28
|
+
|
|
29
|
+
def __init__(
|
|
30
|
+
self,
|
|
31
|
+
timeout: Optional[float] = None,
|
|
32
|
+
credentials_path: Optional[str] = None,
|
|
33
|
+
) -> None:
|
|
34
|
+
r"""Initializes the GoogleDriveMCPToolkit.
|
|
35
|
+
|
|
36
|
+
Args:
|
|
37
|
+
timeout (Optional[float]): Connection timeout in seconds.
|
|
38
|
+
(default: :obj:`None`)
|
|
39
|
+
credentials_path (Optional[str]): Path to the Google Drive
|
|
40
|
+
credentials file. (default: :obj:`None`)
|
|
41
|
+
"""
|
|
42
|
+
|
|
43
|
+
config_dict = {
|
|
44
|
+
"mcpServers": {
|
|
45
|
+
"gdrive": {
|
|
46
|
+
"command": "npx",
|
|
47
|
+
"args": ["-y", "@modelcontextprotocol/server-gdrive"],
|
|
48
|
+
"env": {"GDRIVE_CREDENTIALS_PATH": credentials_path},
|
|
49
|
+
}
|
|
50
|
+
}
|
|
51
|
+
}
|
|
52
|
+
|
|
53
|
+
# Initialize parent MCPToolkit with Playwright configuration
|
|
54
|
+
super().__init__(config_dict=config_dict, timeout=timeout)
|
|
@@ -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,7 +10,7 @@
|
|
|
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
14
|
import os
|
|
15
15
|
from functools import wraps
|
|
16
16
|
from typing import Any, Callable, List, Optional, Union
|
|
@@ -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,7 +10,7 @@
|
|
|
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
14
|
import re
|
|
15
15
|
from typing import Any, Dict, List, Optional
|
|
16
16
|
|
camel/toolkits/human_toolkit.py
CHANGED
|
@@ -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,7 +10,7 @@
|
|
|
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
14
|
|
|
15
15
|
import logging
|
|
16
16
|
from typing import List
|
|
@@ -22,16 +22,29 @@ logger = logging.getLogger(__name__)
|
|
|
22
22
|
|
|
23
23
|
|
|
24
24
|
class HumanToolkit(BaseToolkit):
|
|
25
|
-
r"""A class representing a toolkit for human interaction.
|
|
25
|
+
r"""A class representing a toolkit for human interaction.
|
|
26
|
+
|
|
27
|
+
Note:
|
|
28
|
+
This toolkit should be called to send a tidy message to the user to
|
|
29
|
+
keep them informed.
|
|
30
|
+
"""
|
|
26
31
|
|
|
27
32
|
def ask_human_via_console(self, question: str) -> str:
|
|
28
|
-
r"""
|
|
33
|
+
r"""Use this tool to ask a question to the user when you are stuck,
|
|
34
|
+
need clarification, or require a decision to be made. This is a
|
|
35
|
+
two-way communication channel that will wait for the user's response.
|
|
36
|
+
You should use it to:
|
|
37
|
+
- Clarify ambiguous instructions or requirements.
|
|
38
|
+
- Request missing information that you cannot find (e.g., login
|
|
39
|
+
credentials, file paths).
|
|
40
|
+
- Ask for a decision when there are multiple viable options.
|
|
41
|
+
- Seek help when you encounter an error you cannot resolve on your own.
|
|
29
42
|
|
|
30
43
|
Args:
|
|
31
|
-
question (str): The question to ask the
|
|
44
|
+
question (str): The question to ask the user.
|
|
32
45
|
|
|
33
46
|
Returns:
|
|
34
|
-
str: The
|
|
47
|
+
str: The user's response to the question.
|
|
35
48
|
"""
|
|
36
49
|
print(f"Question: {question}")
|
|
37
50
|
logger.info(f"Question: {question}")
|
|
@@ -39,18 +52,29 @@ class HumanToolkit(BaseToolkit):
|
|
|
39
52
|
logger.info(f"User reply: {reply}")
|
|
40
53
|
return reply
|
|
41
54
|
|
|
42
|
-
def send_message_to_user(self, message: str) ->
|
|
43
|
-
r"""
|
|
44
|
-
|
|
55
|
+
def send_message_to_user(self, message: str) -> str:
|
|
56
|
+
r"""Use this tool to send a tidy message to the user in one short
|
|
57
|
+
sentence.
|
|
45
58
|
|
|
46
|
-
This
|
|
47
|
-
|
|
59
|
+
This one-way tool keeps the user informed about your progress,
|
|
60
|
+
decisions, or actions. It does not require a response.
|
|
61
|
+
You should use it to:
|
|
62
|
+
- Announce what you are about to do (e.g., "I will now search for
|
|
63
|
+
papers on GUI Agents.").
|
|
64
|
+
- Report the result of an action (e.g., "I have found 15 relevant
|
|
65
|
+
papers.").
|
|
66
|
+
- State a decision (e.g., "I will now analyze the top 10 papers.").
|
|
67
|
+
- Give a status update during a long-running task.
|
|
48
68
|
|
|
49
69
|
Args:
|
|
50
|
-
message (str): The
|
|
70
|
+
message (str): The tidy and informative message for the user.
|
|
71
|
+
|
|
72
|
+
Returns:
|
|
73
|
+
str: Confirmation that the message was successfully sent.
|
|
51
74
|
"""
|
|
52
75
|
print(f"\nAgent Message:\n{message}")
|
|
53
76
|
logger.info(f"\nAgent Message:\n{message}")
|
|
77
|
+
return f"Message successfully sent to user: '{message}'"
|
|
54
78
|
|
|
55
79
|
def get_tools(self) -> List[FunctionTool]:
|
|
56
80
|
r"""Returns a list of FunctionTool objects representing the
|
|
@@ -0,0 +1,18 @@
|
|
|
1
|
+
# ========= Copyright 2023-2025 @ CAMEL-AI.org. All Rights Reserved. =========
|
|
2
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
3
|
+
# you may not use this file except in compliance with the License.
|
|
4
|
+
# You may obtain a copy of the License at
|
|
5
|
+
#
|
|
6
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
7
|
+
#
|
|
8
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
9
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
10
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
11
|
+
# See the License for the specific language governing permissions and
|
|
12
|
+
# limitations under the License.
|
|
13
|
+
# ========= Copyright 2023-2025 @ CAMEL-AI.org. All Rights Reserved. =========
|
|
14
|
+
from .hybrid_browser_toolkit import HybridBrowserToolkit
|
|
15
|
+
|
|
16
|
+
__all__ = [
|
|
17
|
+
"HybridBrowserToolkit",
|
|
18
|
+
]
|
|
@@ -0,0 +1,185 @@
|
|
|
1
|
+
# ========= Copyright 2023-2025 @ CAMEL-AI.org. All Rights Reserved. =========
|
|
2
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
3
|
+
# you may not use this file except in compliance with the License.
|
|
4
|
+
# You may obtain a copy of the License at
|
|
5
|
+
#
|
|
6
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
7
|
+
#
|
|
8
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
9
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
10
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
11
|
+
# See the License for the specific language governing permissions and
|
|
12
|
+
# limitations under the License.
|
|
13
|
+
# ========= Copyright 2023-2025 @ CAMEL-AI.org. All Rights Reserved. =========
|
|
14
|
+
from dataclasses import dataclass
|
|
15
|
+
from typing import Any, Dict, Optional
|
|
16
|
+
|
|
17
|
+
|
|
18
|
+
@dataclass
|
|
19
|
+
class BrowserConfig:
|
|
20
|
+
"""Browser configuration settings."""
|
|
21
|
+
|
|
22
|
+
# Browser configuration
|
|
23
|
+
headless: bool = True
|
|
24
|
+
user_data_dir: Optional[str] = None
|
|
25
|
+
stealth: bool = False
|
|
26
|
+
console_log_limit: int = 1000
|
|
27
|
+
|
|
28
|
+
# Default settings
|
|
29
|
+
default_start_url: str = "https://google.com/"
|
|
30
|
+
|
|
31
|
+
# Timeout configurations (in milliseconds)
|
|
32
|
+
default_timeout: Optional[int] = None
|
|
33
|
+
short_timeout: Optional[int] = None
|
|
34
|
+
navigation_timeout: int = 30000
|
|
35
|
+
network_idle_timeout: int = 5000
|
|
36
|
+
screenshot_timeout: int = 15000
|
|
37
|
+
page_stability_timeout: int = 1500
|
|
38
|
+
dom_content_loaded_timeout: int = 5000
|
|
39
|
+
|
|
40
|
+
# Viewport configuration
|
|
41
|
+
viewport_limit: bool = False
|
|
42
|
+
|
|
43
|
+
# CDP connection configuration
|
|
44
|
+
connect_over_cdp: bool = False
|
|
45
|
+
cdp_url: Optional[str] = None
|
|
46
|
+
cdp_keep_current_page: bool = False
|
|
47
|
+
|
|
48
|
+
# Full visual mode configuration
|
|
49
|
+
full_visual_mode: bool = False
|
|
50
|
+
|
|
51
|
+
|
|
52
|
+
@dataclass
|
|
53
|
+
class ToolkitConfig:
|
|
54
|
+
"""Toolkit-specific configuration."""
|
|
55
|
+
|
|
56
|
+
cache_dir: str = "tmp/"
|
|
57
|
+
browser_log_to_file: bool = False
|
|
58
|
+
log_dir: Optional[str] = None
|
|
59
|
+
session_id: Optional[str] = None
|
|
60
|
+
enabled_tools: Optional[list] = None
|
|
61
|
+
|
|
62
|
+
|
|
63
|
+
class ConfigLoader:
|
|
64
|
+
"""Configuration loader for HybridBrowserToolkit."""
|
|
65
|
+
|
|
66
|
+
def __init__(
|
|
67
|
+
self,
|
|
68
|
+
browser_config: Optional[BrowserConfig] = None,
|
|
69
|
+
toolkit_config: Optional[ToolkitConfig] = None,
|
|
70
|
+
) -> None:
|
|
71
|
+
self.browser_config = browser_config or BrowserConfig()
|
|
72
|
+
self.toolkit_config = toolkit_config or ToolkitConfig()
|
|
73
|
+
|
|
74
|
+
@classmethod
|
|
75
|
+
def from_kwargs(cls, **kwargs) -> 'ConfigLoader':
|
|
76
|
+
"""Create ConfigLoader from keyword arguments."""
|
|
77
|
+
browser_kwargs = {}
|
|
78
|
+
toolkit_kwargs = {}
|
|
79
|
+
|
|
80
|
+
# Map arguments to appropriate config classes
|
|
81
|
+
browser_fields = set(BrowserConfig.__dataclass_fields__.keys())
|
|
82
|
+
toolkit_fields = set(ToolkitConfig.__dataclass_fields__.keys())
|
|
83
|
+
|
|
84
|
+
for key, value in kwargs.items():
|
|
85
|
+
# Skip None values to preserve dataclass defaults
|
|
86
|
+
if value is None:
|
|
87
|
+
continue
|
|
88
|
+
|
|
89
|
+
if key in browser_fields:
|
|
90
|
+
browser_kwargs[key] = value
|
|
91
|
+
elif key in toolkit_fields:
|
|
92
|
+
toolkit_kwargs[key] = value
|
|
93
|
+
# Handle some common aliases
|
|
94
|
+
elif key == "userDataDir":
|
|
95
|
+
browser_kwargs["user_data_dir"] = value
|
|
96
|
+
elif key == "defaultStartUrl":
|
|
97
|
+
browser_kwargs["default_start_url"] = value
|
|
98
|
+
elif key == "navigationTimeout":
|
|
99
|
+
browser_kwargs["navigation_timeout"] = value
|
|
100
|
+
elif key == "networkIdleTimeout":
|
|
101
|
+
browser_kwargs["network_idle_timeout"] = value
|
|
102
|
+
elif key == "screenshotTimeout":
|
|
103
|
+
browser_kwargs["screenshot_timeout"] = value
|
|
104
|
+
elif key == "pageStabilityTimeout":
|
|
105
|
+
browser_kwargs["page_stability_timeout"] = value
|
|
106
|
+
elif key == "domContentLoadedTimeout":
|
|
107
|
+
browser_kwargs["dom_content_loaded_timeout"] = value
|
|
108
|
+
elif key == "viewportLimit":
|
|
109
|
+
browser_kwargs["viewport_limit"] = value
|
|
110
|
+
elif key == "connectOverCdp":
|
|
111
|
+
browser_kwargs["connect_over_cdp"] = value
|
|
112
|
+
elif key == "cdpUrl":
|
|
113
|
+
browser_kwargs["cdp_url"] = value
|
|
114
|
+
elif key == "cdpKeepCurrentPage":
|
|
115
|
+
browser_kwargs["cdp_keep_current_page"] = value
|
|
116
|
+
elif key == "consoleLogLimit":
|
|
117
|
+
browser_kwargs["console_log_limit"] = value
|
|
118
|
+
elif key == "cacheDir":
|
|
119
|
+
toolkit_kwargs["cache_dir"] = value
|
|
120
|
+
elif key == "browserLogToFile":
|
|
121
|
+
toolkit_kwargs["browser_log_to_file"] = value
|
|
122
|
+
elif key == "sessionId":
|
|
123
|
+
toolkit_kwargs["session_id"] = value
|
|
124
|
+
elif key == "enabledTools":
|
|
125
|
+
toolkit_kwargs["enabled_tools"] = value
|
|
126
|
+
elif key == "fullVisualMode":
|
|
127
|
+
browser_kwargs["full_visual_mode"] = value
|
|
128
|
+
|
|
129
|
+
browser_config = BrowserConfig(**browser_kwargs)
|
|
130
|
+
toolkit_config = ToolkitConfig(**toolkit_kwargs)
|
|
131
|
+
|
|
132
|
+
return cls(browser_config, toolkit_config)
|
|
133
|
+
|
|
134
|
+
def get_browser_config(self) -> BrowserConfig:
|
|
135
|
+
"""Get browser configuration."""
|
|
136
|
+
return self.browser_config
|
|
137
|
+
|
|
138
|
+
def get_toolkit_config(self) -> ToolkitConfig:
|
|
139
|
+
"""Get toolkit configuration."""
|
|
140
|
+
return self.toolkit_config
|
|
141
|
+
|
|
142
|
+
def to_ws_config(self) -> Dict[str, Any]:
|
|
143
|
+
"""Convert to WebSocket wrapper configuration format."""
|
|
144
|
+
return {
|
|
145
|
+
"headless": self.browser_config.headless,
|
|
146
|
+
"userDataDir": self.browser_config.user_data_dir,
|
|
147
|
+
"stealth": self.browser_config.stealth,
|
|
148
|
+
"defaultStartUrl": self.browser_config.default_start_url,
|
|
149
|
+
"navigationTimeout": self.browser_config.navigation_timeout,
|
|
150
|
+
"networkIdleTimeout": self.browser_config.network_idle_timeout,
|
|
151
|
+
"screenshotTimeout": self.browser_config.screenshot_timeout,
|
|
152
|
+
"pageStabilityTimeout": self.browser_config.page_stability_timeout,
|
|
153
|
+
"viewport_limit": self.browser_config.viewport_limit,
|
|
154
|
+
"connectOverCdp": self.browser_config.connect_over_cdp,
|
|
155
|
+
"cdpUrl": self.browser_config.cdp_url,
|
|
156
|
+
"cdpKeepCurrentPage": self.browser_config.cdp_keep_current_page,
|
|
157
|
+
"fullVisualMode": self.browser_config.full_visual_mode,
|
|
158
|
+
"browser_log_to_file": self.toolkit_config.browser_log_to_file,
|
|
159
|
+
"log_dir": self.toolkit_config.log_dir,
|
|
160
|
+
"session_id": self.toolkit_config.session_id,
|
|
161
|
+
}
|
|
162
|
+
|
|
163
|
+
def get_timeout_config(self) -> Dict[str, Optional[int]]:
|
|
164
|
+
"""Get all timeout configurations."""
|
|
165
|
+
return {
|
|
166
|
+
"default_timeout": self.browser_config.default_timeout,
|
|
167
|
+
"short_timeout": self.browser_config.short_timeout,
|
|
168
|
+
"navigation_timeout": self.browser_config.navigation_timeout,
|
|
169
|
+
"network_idle_timeout": self.browser_config.network_idle_timeout,
|
|
170
|
+
"screenshot_timeout": self.browser_config.screenshot_timeout,
|
|
171
|
+
"page_stability_timeout": self.browser_config.page_stability_timeout, # noqa:E501
|
|
172
|
+
"dom_content_loaded_timeout": self.browser_config.dom_content_loaded_timeout, # noqa:E501
|
|
173
|
+
}
|
|
174
|
+
|
|
175
|
+
def update_browser_config(self, **kwargs) -> None:
|
|
176
|
+
"""Update browser configuration."""
|
|
177
|
+
for key, value in kwargs.items():
|
|
178
|
+
if hasattr(self.browser_config, key):
|
|
179
|
+
setattr(self.browser_config, key, value)
|
|
180
|
+
|
|
181
|
+
def update_toolkit_config(self, **kwargs) -> None:
|
|
182
|
+
"""Update toolkit configuration."""
|
|
183
|
+
for key, value in kwargs.items():
|
|
184
|
+
if hasattr(self.toolkit_config, key):
|
|
185
|
+
setattr(self.toolkit_config, key, value)
|