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,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.4
|
|
2
2
|
Name: camel-ai
|
|
3
|
-
Version: 0.2.
|
|
3
|
+
Version: 0.2.82
|
|
4
4
|
Summary: Communicative Agents for AI Society Study
|
|
5
5
|
Project-URL: Homepage, https://www.camel-ai.org/
|
|
6
6
|
Project-URL: Repository, https://github.com/camel-ai/camel
|
|
@@ -9,17 +9,20 @@ Author: CAMEL-AI.org
|
|
|
9
9
|
License-Expression: Apache-2.0
|
|
10
10
|
License-File: LICENSE
|
|
11
11
|
Keywords: ai-societies,artificial-intelligence,communicative-ai,cooperative-ai,deep-learning,large-language-models,multi-agent-systems,natural-language-processing
|
|
12
|
-
Requires-Python: <3.
|
|
12
|
+
Requires-Python: <3.15,>=3.10
|
|
13
|
+
Requires-Dist: astor>=0.8.1
|
|
13
14
|
Requires-Dist: colorama<0.5,>=0.4.6
|
|
14
|
-
Requires-Dist: docstring-parser<0.
|
|
15
|
+
Requires-Dist: docstring-parser<0.18,>=0.17.0
|
|
16
|
+
Requires-Dist: google-search-results>=2.4.2
|
|
15
17
|
Requires-Dist: httpx<1.0.0dev,>=0.28.0
|
|
16
18
|
Requires-Dist: jsonschema<5,>=4
|
|
17
19
|
Requires-Dist: mcp>=1.3.0
|
|
18
|
-
Requires-Dist: openai
|
|
19
|
-
Requires-Dist: pillow
|
|
20
|
+
Requires-Dist: openai>=1.86.0
|
|
21
|
+
Requires-Dist: pillow>=10.0.0
|
|
20
22
|
Requires-Dist: psutil<6,>=5.9.8
|
|
21
|
-
Requires-Dist: pydantic
|
|
23
|
+
Requires-Dist: pydantic<=2.12.0,>=2.10.6
|
|
22
24
|
Requires-Dist: tiktoken<0.8,>=0.7.0
|
|
25
|
+
Requires-Dist: websockets<15.1,>=13.0
|
|
23
26
|
Provides-Extra: all
|
|
24
27
|
Requires-Dist: aci-sdk>=1.0.0b1; extra == 'all'
|
|
25
28
|
Requires-Dist: agentops<0.4,>=0.3.21; extra == 'all'
|
|
@@ -31,37 +34,42 @@ Requires-Dist: arxiv<3,>=2.1.3; extra == 'all'
|
|
|
31
34
|
Requires-Dist: azure-storage-blob<13,>=12.21.0; extra == 'all'
|
|
32
35
|
Requires-Dist: beautifulsoup4<5,>=4; extra == 'all'
|
|
33
36
|
Requires-Dist: botocore<2,>=1.35.3; extra == 'all'
|
|
34
|
-
Requires-Dist:
|
|
37
|
+
Requires-Dist: chromadb<1.0.0,>=0.6.0; extra == 'all'
|
|
38
|
+
Requires-Dist: chunkr-ai<0.1.0,>=0.0.50; extra == 'all'
|
|
35
39
|
Requires-Dist: cohere<6,>=5.11.0; extra == 'all'
|
|
36
|
-
Requires-Dist: crawl4ai>=0.
|
|
40
|
+
Requires-Dist: crawl4ai>=0.4.0; extra == 'all'
|
|
37
41
|
Requires-Dist: dappier<0.4,>=0.3.3; extra == 'all'
|
|
38
42
|
Requires-Dist: datacommons-pandas<0.0.4,>=0.0.3; extra == 'all'
|
|
39
43
|
Requires-Dist: datacommons<2,>=1.4.3; extra == 'all'
|
|
40
44
|
Requires-Dist: datasets<4,>=3; extra == 'all'
|
|
41
|
-
Requires-Dist: daytona-sdk
|
|
45
|
+
Requires-Dist: daytona-sdk>=0.20.0; extra == 'all'
|
|
46
|
+
Requires-Dist: ddgs<10,>=9.0.0; extra == 'all'
|
|
42
47
|
Requires-Dist: diffusers<0.26,>=0.25.0; extra == 'all'
|
|
43
48
|
Requires-Dist: discord-py<3,>=2.3.2; extra == 'all'
|
|
44
49
|
Requires-Dist: docker<8,>=7.1.0; extra == 'all'
|
|
45
50
|
Requires-Dist: docx2txt<0.9,>=0.8; extra == 'all'
|
|
46
51
|
Requires-Dist: docx>=0.2.4; extra == 'all'
|
|
47
|
-
Requires-Dist:
|
|
52
|
+
Requires-Dist: duckdb>=1.4.3; extra == 'all'
|
|
48
53
|
Requires-Dist: e2b-code-interpreter<2,>=1.0.3; extra == 'all'
|
|
49
54
|
Requires-Dist: exa-py<2,>=1.10.0; extra == 'all'
|
|
50
55
|
Requires-Dist: faiss-cpu<2,>=1.7.2; extra == 'all'
|
|
51
56
|
Requires-Dist: fastapi>=0.115.11; extra == 'all'
|
|
52
57
|
Requires-Dist: ffmpeg-python<0.3,>=0.2.0; extra == 'all'
|
|
53
58
|
Requires-Dist: firecrawl-py<2,>=1.0.0; extra == 'all'
|
|
54
|
-
Requires-Dist: fish-audio-sdk
|
|
59
|
+
Requires-Dist: fish-audio-sdk>=1.0.0; extra == 'all'
|
|
55
60
|
Requires-Dist: flask>=2.0; extra == 'all'
|
|
56
|
-
Requires-Dist: fpdf>=1.7.2; extra == 'all'
|
|
57
61
|
Requires-Dist: google-api-python-client==2.166.0; extra == 'all'
|
|
58
62
|
Requires-Dist: google-auth-httplib2==0.2.0; extra == 'all'
|
|
59
63
|
Requires-Dist: google-auth-oauthlib==1.2.1; extra == 'all'
|
|
64
|
+
Requires-Dist: google-auth<3.0.0,>=2.0.0; extra == 'all'
|
|
65
|
+
Requires-Dist: google-cloud-aiplatform>=1.111.0; extra == 'all'
|
|
60
66
|
Requires-Dist: google-cloud-storage<3,>=2.18.0; extra == 'all'
|
|
61
67
|
Requires-Dist: google-genai>=1.13.0; extra == 'all'
|
|
62
68
|
Requires-Dist: googlemaps<5,>=4.10.0; extra == 'all'
|
|
63
69
|
Requires-Dist: gradio<4,>=3; extra == 'all'
|
|
70
|
+
Requires-Dist: grpcio>=1.72.0; extra == 'all'
|
|
64
71
|
Requires-Dist: html2text>=2024.2.26; extra == 'all'
|
|
72
|
+
Requires-Dist: httplib2>=0.31.0; extra == 'all'
|
|
65
73
|
Requires-Dist: ibm-watsonx-ai>=1.3.11; extra == 'all'
|
|
66
74
|
Requires-Dist: imageio[pyav]<3,>=2.34.2; extra == 'all'
|
|
67
75
|
Requires-Dist: ipykernel<7,>=6.0.0; extra == 'all'
|
|
@@ -69,55 +77,69 @@ Requires-Dist: jupyter-client<9,>=8.6.2; extra == 'all'
|
|
|
69
77
|
Requires-Dist: langfuse>=2.60.5; extra == 'all'
|
|
70
78
|
Requires-Dist: linkup-sdk<0.3,>=0.2.1; extra == 'all'
|
|
71
79
|
Requires-Dist: litellm<2,>=1.38.1; extra == 'all'
|
|
72
|
-
Requires-Dist: markitdown
|
|
80
|
+
Requires-Dist: markitdown>=0.1.1; (python_version >= '3.13') and extra == 'all'
|
|
73
81
|
Requires-Dist: math-verify<0.8,>=0.7.0; extra == 'all'
|
|
74
82
|
Requires-Dist: mcp>=1.3.0; extra == 'all'
|
|
75
83
|
Requires-Dist: mem0ai>=0.1.67; extra == 'all'
|
|
84
|
+
Requires-Dist: microsandbox>=0.1.8; extra == 'all'
|
|
76
85
|
Requires-Dist: mistralai<2,>=1.1.0; extra == 'all'
|
|
77
86
|
Requires-Dist: mock<6,>=5; extra == 'all'
|
|
78
87
|
Requires-Dist: mypy<2,>=1.5.1; extra == 'all'
|
|
79
88
|
Requires-Dist: nebula3-python==3.8.2; extra == 'all'
|
|
80
89
|
Requires-Dist: neo4j<6,>=5.18.0; extra == 'all'
|
|
81
90
|
Requires-Dist: networkx<4,>=3.4.2; extra == 'all'
|
|
82
|
-
Requires-Dist: newspaper3k<0.3,>=0.2.8; extra == 'all'
|
|
83
91
|
Requires-Dist: notion-client<3,>=2.2.1; extra == 'all'
|
|
84
92
|
Requires-Dist: numpy<=2.2,>=1.2; extra == 'all'
|
|
93
|
+
Requires-Dist: onnxruntime<=1.19.2; extra == 'all'
|
|
85
94
|
Requires-Dist: openapi-spec-validator<0.8,>=0.7.1; extra == 'all'
|
|
95
|
+
Requires-Dist: opencv-python>=4.11.0.86; extra == 'all'
|
|
86
96
|
Requires-Dist: openpyxl>=3.1.5; extra == 'all'
|
|
87
|
-
Requires-Dist: pandas
|
|
88
|
-
Requires-Dist:
|
|
97
|
+
Requires-Dist: pandas>=2; extra == 'all'
|
|
98
|
+
Requires-Dist: pgvector<0.3,>=0.2.4; extra == 'all'
|
|
89
99
|
Requires-Dist: playwright>=1.50.0; extra == 'all'
|
|
90
100
|
Requires-Dist: prance<24,>=23.6.21.0; extra == 'all'
|
|
91
101
|
Requires-Dist: praw<8,>=7.7.1; extra == 'all'
|
|
92
102
|
Requires-Dist: pre-commit<4,>=3; extra == 'all'
|
|
103
|
+
Requires-Dist: protobuf>=6.0.0; extra == 'all'
|
|
104
|
+
Requires-Dist: psycopg[binary]<4,>=3.1.18; extra == 'all'
|
|
93
105
|
Requires-Dist: pyautogui<0.10,>=0.9.54; extra == 'all'
|
|
94
106
|
Requires-Dist: pydub<0.26,>=0.25.1; extra == 'all'
|
|
95
107
|
Requires-Dist: pygithub<3,>=2.6.0; extra == 'all'
|
|
96
108
|
Requires-Dist: pylatex>=1.4.2; extra == 'all'
|
|
97
109
|
Requires-Dist: pymilvus<3,>=2.4.0; extra == 'all'
|
|
98
110
|
Requires-Dist: pymupdf<2,>=1.22.5; extra == 'all'
|
|
99
|
-
Requires-Dist: pyobvector>=0.1.18; extra == 'all'
|
|
111
|
+
Requires-Dist: pyobvector>=0.1.18; (python_version < '3.13') and extra == 'all'
|
|
100
112
|
Requires-Dist: pyowm<4,>=3.3.0; extra == 'all'
|
|
101
113
|
Requires-Dist: pytelegrambotapi<5,>=4.18.0; extra == 'all'
|
|
114
|
+
Requires-Dist: pytesseract>=0.3.13; extra == 'all'
|
|
102
115
|
Requires-Dist: pytest-asyncio<0.24,>=0.23.0; extra == 'all'
|
|
103
116
|
Requires-Dist: pytest-cov<5,>=4; extra == 'all'
|
|
104
117
|
Requires-Dist: pytest<8,>=7; extra == 'all'
|
|
105
118
|
Requires-Dist: python-pptx>=1.0.2; extra == 'all'
|
|
106
|
-
Requires-Dist: pytidb
|
|
119
|
+
Requires-Dist: pytidb>=0.0.13; extra == 'all'
|
|
107
120
|
Requires-Dist: qdrant-client<2,>=1.9.0; extra == 'all'
|
|
108
121
|
Requires-Dist: rank-bm25<0.3,>=0.2.2; extra == 'all'
|
|
122
|
+
Requires-Dist: rasterio>=1.4.4; extra == 'all'
|
|
109
123
|
Requires-Dist: redis<6,>=5.0.6; extra == 'all'
|
|
110
124
|
Requires-Dist: reka-api<4,>=3.0.8; extra == 'all'
|
|
125
|
+
Requires-Dist: reportlab>=4.4.2; extra == 'all'
|
|
111
126
|
Requires-Dist: requests-oauthlib<2,>=1.3.1; extra == 'all'
|
|
127
|
+
Requires-Dist: resend<3,>=2.0.0; extra == 'all'
|
|
128
|
+
Requires-Dist: rlcard<1.3.0,>=1.0.0; extra == 'all'
|
|
112
129
|
Requires-Dist: rouge<2,>=1.0.1; extra == 'all'
|
|
130
|
+
Requires-Dist: ruptures>=1.1.10; extra == 'all'
|
|
113
131
|
Requires-Dist: scenedetect>=0.6.5.2; extra == 'all'
|
|
114
132
|
Requires-Dist: scholarly[tor]==1.7.11; extra == 'all'
|
|
133
|
+
Requires-Dist: scikit-image>=0.25.2; extra == 'all'
|
|
134
|
+
Requires-Dist: scipy>=1.15.3; extra == 'all'
|
|
115
135
|
Requires-Dist: scrapegraph-py<2,>=1.12.0; extra == 'all'
|
|
116
136
|
Requires-Dist: sentencepiece<0.3,>=0.2; extra == 'all'
|
|
117
137
|
Requires-Dist: slack-bolt<2,>=1.20.1; extra == 'all'
|
|
118
138
|
Requires-Dist: slack-sdk<4,>=3.27.2; extra == 'all'
|
|
119
139
|
Requires-Dist: soundfile<0.14,>=0.13; extra == 'all'
|
|
140
|
+
Requires-Dist: statsmodels>=0.14.6; extra == 'all'
|
|
120
141
|
Requires-Dist: stripe<12,>=11.3.0; extra == 'all'
|
|
142
|
+
Requires-Dist: surrealdb>=1.0.6; extra == 'all'
|
|
121
143
|
Requires-Dist: sympy<2,>=1.13.3; extra == 'all'
|
|
122
144
|
Requires-Dist: tabulate>=0.9.0; extra == 'all'
|
|
123
145
|
Requires-Dist: tavily-python<0.6,>=0.5.0; extra == 'all'
|
|
@@ -132,8 +154,9 @@ Requires-Dist: types-pyyaml<7,>=6.0.12; extra == 'all'
|
|
|
132
154
|
Requires-Dist: types-requests<3,>=2.31.0; extra == 'all'
|
|
133
155
|
Requires-Dist: types-setuptools<70,>=69.2.0; extra == 'all'
|
|
134
156
|
Requires-Dist: types-tqdm<5,>=4.66.0; extra == 'all'
|
|
135
|
-
Requires-Dist: unstructured==0.16.20; extra == 'all'
|
|
157
|
+
Requires-Dist: unstructured==0.16.20; (python_version < '3.13') and extra == 'all'
|
|
136
158
|
Requires-Dist: weaviate-client>=4.15.0; extra == 'all'
|
|
159
|
+
Requires-Dist: websockets<15.1,>=13.0; extra == 'all'
|
|
137
160
|
Requires-Dist: wikipedia<2,>=1; extra == 'all'
|
|
138
161
|
Requires-Dist: wolframalpha<6,>=5.0.0; extra == 'all'
|
|
139
162
|
Requires-Dist: xls2xlsx>=0.2.0; extra == 'all'
|
|
@@ -144,6 +167,7 @@ Requires-Dist: notion-client<3,>=2.2.1; extra == 'communication-tools'
|
|
|
144
167
|
Requires-Dist: praw<8,>=7.7.1; extra == 'communication-tools'
|
|
145
168
|
Requires-Dist: pygithub<3,>=2.6.0; extra == 'communication-tools'
|
|
146
169
|
Requires-Dist: pytelegrambotapi<5,>=4.18.0; extra == 'communication-tools'
|
|
170
|
+
Requires-Dist: resend<3,>=2.0.0; extra == 'communication-tools'
|
|
147
171
|
Requires-Dist: slack-bolt<2,>=1.20.1; extra == 'communication-tools'
|
|
148
172
|
Requires-Dist: slack-sdk<4,>=3.27.2; extra == 'communication-tools'
|
|
149
173
|
Provides-Extra: data-tools
|
|
@@ -153,7 +177,7 @@ Requires-Dist: datacommons<2,>=1.4.3; extra == 'data-tools'
|
|
|
153
177
|
Requires-Dist: math-verify<0.8,>=0.7.0; extra == 'data-tools'
|
|
154
178
|
Requires-Dist: networkx<4,>=3.4.2; extra == 'data-tools'
|
|
155
179
|
Requires-Dist: numpy<=2.2,>=1.2; extra == 'data-tools'
|
|
156
|
-
Requires-Dist: pandas
|
|
180
|
+
Requires-Dist: pandas>=2; extra == 'data-tools'
|
|
157
181
|
Requires-Dist: rouge<2,>=1.0.1; extra == 'data-tools'
|
|
158
182
|
Requires-Dist: stripe<12,>=11.3.0; extra == 'data-tools'
|
|
159
183
|
Requires-Dist: textblob<0.18,>=0.17.1; extra == 'data-tools'
|
|
@@ -174,17 +198,18 @@ Requires-Dist: types-pyyaml<7,>=6.0.12; extra == 'dev'
|
|
|
174
198
|
Requires-Dist: types-requests<3,>=2.31.0; extra == 'dev'
|
|
175
199
|
Requires-Dist: types-setuptools<70,>=69.2.0; extra == 'dev'
|
|
176
200
|
Requires-Dist: types-tqdm<5,>=4.66.0; extra == 'dev'
|
|
177
|
-
Requires-Dist: uv
|
|
201
|
+
Requires-Dist: uv<0.8,>=0.7.0; extra == 'dev'
|
|
178
202
|
Provides-Extra: dev-tools
|
|
179
203
|
Requires-Dist: aci-sdk>=1.0.0b1; extra == 'dev-tools'
|
|
180
204
|
Requires-Dist: agentops<0.4,>=0.3.21; extra == 'dev-tools'
|
|
181
|
-
Requires-Dist: daytona-sdk
|
|
205
|
+
Requires-Dist: daytona-sdk>=0.20.0; extra == 'dev-tools'
|
|
182
206
|
Requires-Dist: docker<8,>=7.1.0; extra == 'dev-tools'
|
|
183
207
|
Requires-Dist: e2b-code-interpreter<2,>=1.0.3; extra == 'dev-tools'
|
|
184
208
|
Requires-Dist: ipykernel<7,>=6.0.0; extra == 'dev-tools'
|
|
185
209
|
Requires-Dist: jupyter-client<9,>=8.6.2; extra == 'dev-tools'
|
|
186
210
|
Requires-Dist: langfuse>=2.60.5; extra == 'dev-tools'
|
|
187
211
|
Requires-Dist: mcp>=1.3.0; extra == 'dev-tools'
|
|
212
|
+
Requires-Dist: microsandbox>=0.1.8; extra == 'dev-tools'
|
|
188
213
|
Requires-Dist: tree-sitter-python<0.24,>=0.23.6; extra == 'dev-tools'
|
|
189
214
|
Requires-Dist: tree-sitter<0.24,>=0.23.2; extra == 'dev-tools'
|
|
190
215
|
Requires-Dist: typer>=0.15.2; extra == 'dev-tools'
|
|
@@ -197,23 +222,66 @@ Requires-Dist: sphinx<8,>=7; extra == 'docs'
|
|
|
197
222
|
Requires-Dist: sphinxext-rediraffe<0.3,>=0.2.7; extra == 'docs'
|
|
198
223
|
Provides-Extra: document-tools
|
|
199
224
|
Requires-Dist: beautifulsoup4<5,>=4; extra == 'document-tools'
|
|
200
|
-
Requires-Dist: chunkr-ai
|
|
225
|
+
Requires-Dist: chunkr-ai<0.1.0,>=0.0.50; extra == 'document-tools'
|
|
201
226
|
Requires-Dist: crawl4ai>=0.3.745; extra == 'document-tools'
|
|
202
227
|
Requires-Dist: docx2txt<0.9,>=0.8; extra == 'document-tools'
|
|
203
228
|
Requires-Dist: docx>=0.2.4; extra == 'document-tools'
|
|
204
|
-
Requires-Dist:
|
|
205
|
-
Requires-Dist: markitdown==0.1.1; extra == 'document-tools'
|
|
229
|
+
Requires-Dist: markitdown>=0.1.1; (python_version >= '3.13') and extra == 'document-tools'
|
|
206
230
|
Requires-Dist: numpy<=2.2,>=1.2; extra == 'document-tools'
|
|
231
|
+
Requires-Dist: onnxruntime<=1.19.2; extra == 'document-tools'
|
|
207
232
|
Requires-Dist: openapi-spec-validator<0.8,>=0.7.1; extra == 'document-tools'
|
|
208
233
|
Requires-Dist: openpyxl>=3.1.5; extra == 'document-tools'
|
|
209
|
-
Requires-Dist: pandasai<3,>=2.3.0; extra == 'document-tools'
|
|
210
234
|
Requires-Dist: prance<24,>=23.6.21.0; extra == 'document-tools'
|
|
211
235
|
Requires-Dist: pylatex>=1.4.2; extra == 'document-tools'
|
|
212
236
|
Requires-Dist: pymupdf<2,>=1.22.5; extra == 'document-tools'
|
|
213
237
|
Requires-Dist: python-pptx>=1.0.2; extra == 'document-tools'
|
|
238
|
+
Requires-Dist: reportlab>=4.4.2; extra == 'document-tools'
|
|
214
239
|
Requires-Dist: tabulate>=0.9.0; extra == 'document-tools'
|
|
215
|
-
Requires-Dist: unstructured==0.16.20; extra == 'document-tools'
|
|
240
|
+
Requires-Dist: unstructured==0.16.20; (python_version < '3.13') and extra == 'document-tools'
|
|
216
241
|
Requires-Dist: xls2xlsx>=0.2.0; extra == 'document-tools'
|
|
242
|
+
Provides-Extra: earth-science
|
|
243
|
+
Requires-Dist: matplotlib>=3.10.7; extra == 'earth-science'
|
|
244
|
+
Requires-Dist: numpy<=2.2,>=1.2; extra == 'earth-science'
|
|
245
|
+
Requires-Dist: opencv-python>=4.11.0.86; extra == 'earth-science'
|
|
246
|
+
Requires-Dist: pandas>=2; extra == 'earth-science'
|
|
247
|
+
Requires-Dist: rasterio>=1.4.4; extra == 'earth-science'
|
|
248
|
+
Requires-Dist: ruptures>=1.1.10; extra == 'earth-science'
|
|
249
|
+
Requires-Dist: scikit-image>=0.25.2; extra == 'earth-science'
|
|
250
|
+
Requires-Dist: scipy>=1.15.3; extra == 'earth-science'
|
|
251
|
+
Requires-Dist: statsmodels>=0.14.6; extra == 'earth-science'
|
|
252
|
+
Provides-Extra: eigent
|
|
253
|
+
Requires-Dist: anthropic<0.50.0,>=0.47.0; extra == 'eigent'
|
|
254
|
+
Requires-Dist: datasets<4,>=3; extra == 'eigent'
|
|
255
|
+
Requires-Dist: docx>=0.2.4; extra == 'eigent'
|
|
256
|
+
Requires-Dist: exa-py<2,>=1.10.0; extra == 'eigent'
|
|
257
|
+
Requires-Dist: ffmpeg-python<0.3,>=0.2.0; extra == 'eigent'
|
|
258
|
+
Requires-Dist: google-api-python-client==2.166.0; extra == 'eigent'
|
|
259
|
+
Requires-Dist: google-auth-httplib2==0.2.0; extra == 'eigent'
|
|
260
|
+
Requires-Dist: google-auth-oauthlib==1.2.1; extra == 'eigent'
|
|
261
|
+
Requires-Dist: httplib2>=0.31.0; extra == 'eigent'
|
|
262
|
+
Requires-Dist: imageio[pyav]<3,>=2.34.2; extra == 'eigent'
|
|
263
|
+
Requires-Dist: markitdown>=0.1.1; (python_version >= '3.13') and extra == 'eigent'
|
|
264
|
+
Requires-Dist: markitdown[all]>=0.1.1; (python_version < '3.13') and extra == 'eigent'
|
|
265
|
+
Requires-Dist: mcp-server-fetch==2025.1.17; extra == 'eigent'
|
|
266
|
+
Requires-Dist: mcp-simple-arxiv==0.2.2; extra == 'eigent'
|
|
267
|
+
Requires-Dist: numpy<=2.2,>=1.2; extra == 'eigent'
|
|
268
|
+
Requires-Dist: onnxruntime<=1.19.2; extra == 'eigent'
|
|
269
|
+
Requires-Dist: openpyxl>=3.1.5; extra == 'eigent'
|
|
270
|
+
Requires-Dist: pandas>=2; extra == 'eigent'
|
|
271
|
+
Requires-Dist: pydub<0.26,>=0.25.1; extra == 'eigent'
|
|
272
|
+
Requires-Dist: pylatex>=1.4.2; extra == 'eigent'
|
|
273
|
+
Requires-Dist: pytesseract>=0.3.13; extra == 'eigent'
|
|
274
|
+
Requires-Dist: python-dotenv<2,>=1.0.0; extra == 'eigent'
|
|
275
|
+
Requires-Dist: python-pptx>=1.0.2; extra == 'eigent'
|
|
276
|
+
Requires-Dist: reportlab>=4.4.2; extra == 'eigent'
|
|
277
|
+
Requires-Dist: requests-oauthlib<2,>=1.3.1; extra == 'eigent'
|
|
278
|
+
Requires-Dist: scenedetect>=0.6.5.2; extra == 'eigent'
|
|
279
|
+
Requires-Dist: slack-sdk<4,>=3.27.2; extra == 'eigent'
|
|
280
|
+
Requires-Dist: tabulate>=0.9.0; extra == 'eigent'
|
|
281
|
+
Requires-Dist: websockets<15.1,>=13.0; extra == 'eigent'
|
|
282
|
+
Requires-Dist: wikipedia<2,>=1; extra == 'eigent'
|
|
283
|
+
Requires-Dist: xls2xlsx>=0.2.0; extra == 'eigent'
|
|
284
|
+
Requires-Dist: yt-dlp<2025,>=2024.11.4; extra == 'eigent'
|
|
217
285
|
Provides-Extra: huggingface
|
|
218
286
|
Requires-Dist: datasets<4,>=3; extra == 'huggingface'
|
|
219
287
|
Requires-Dist: diffusers<0.26,>=0.25.0; extra == 'huggingface'
|
|
@@ -225,12 +293,13 @@ Provides-Extra: media-tools
|
|
|
225
293
|
Requires-Dist: ffmpeg-python<0.3,>=0.2.0; extra == 'media-tools'
|
|
226
294
|
Requires-Dist: imageio[pyav]<3,>=2.34.2; extra == 'media-tools'
|
|
227
295
|
Requires-Dist: pydub<0.26,>=0.25.1; extra == 'media-tools'
|
|
296
|
+
Requires-Dist: pytesseract>=0.3.13; extra == 'media-tools'
|
|
228
297
|
Requires-Dist: scenedetect>=0.6.5.2; extra == 'media-tools'
|
|
229
298
|
Requires-Dist: yt-dlp<2025,>=2024.11.4; extra == 'media-tools'
|
|
230
299
|
Provides-Extra: model-platforms
|
|
231
300
|
Requires-Dist: anthropic<0.50.0,>=0.47.0; extra == 'model-platforms'
|
|
232
301
|
Requires-Dist: cohere<6,>=5.11.0; extra == 'model-platforms'
|
|
233
|
-
Requires-Dist: fish-audio-sdk
|
|
302
|
+
Requires-Dist: fish-audio-sdk>=1.0.0; extra == 'model-platforms'
|
|
234
303
|
Requires-Dist: ibm-watsonx-ai>=1.3.11; extra == 'model-platforms'
|
|
235
304
|
Requires-Dist: litellm<2,>=1.38.1; extra == 'model-platforms'
|
|
236
305
|
Requires-Dist: mistralai<2,>=1.1.0; extra == 'model-platforms'
|
|
@@ -239,34 +308,36 @@ Provides-Extra: owl
|
|
|
239
308
|
Requires-Dist: aci-sdk>=1.0.0b1; extra == 'owl'
|
|
240
309
|
Requires-Dist: anthropic<0.50.0,>=0.47.0; extra == 'owl'
|
|
241
310
|
Requires-Dist: beautifulsoup4<5,>=4; extra == 'owl'
|
|
311
|
+
Requires-Dist: chunkr-ai<0.1.0,>=0.0.50; extra == 'owl'
|
|
242
312
|
Requires-Dist: chunkr-ai>=0.0.41; extra == 'owl'
|
|
243
|
-
Requires-Dist: chunkr-ai>=0.0.50; extra == 'owl'
|
|
244
313
|
Requires-Dist: crawl4ai>=0.3.745; extra == 'owl'
|
|
245
314
|
Requires-Dist: datasets<4,>=3; extra == 'owl'
|
|
315
|
+
Requires-Dist: ddgs<10,>=9.0.0; extra == 'owl'
|
|
246
316
|
Requires-Dist: docx2txt<0.9,>=0.8; extra == 'owl'
|
|
247
317
|
Requires-Dist: docx>=0.2.4; extra == 'owl'
|
|
248
|
-
Requires-Dist: duckduckgo-search<7,>=6.3.5; extra == 'owl'
|
|
249
318
|
Requires-Dist: e2b-code-interpreter<2,>=1.0.3; extra == 'owl'
|
|
319
|
+
Requires-Dist: exa-py<2,>=1.10.0; extra == 'owl'
|
|
250
320
|
Requires-Dist: ffmpeg-python<0.3,>=0.2.0; extra == 'owl'
|
|
251
|
-
Requires-Dist: fpdf>=1.7.2; extra == 'owl'
|
|
252
321
|
Requires-Dist: html2text>=2024.2.26; extra == 'owl'
|
|
253
322
|
Requires-Dist: imageio[pyav]<3,>=2.34.2; extra == 'owl'
|
|
323
|
+
Requires-Dist: markitdown>=0.1.1; (python_version >= '3.13') and extra == 'owl'
|
|
254
324
|
Requires-Dist: mcp-server-fetch==2025.1.17; extra == 'owl'
|
|
255
325
|
Requires-Dist: mcp-simple-arxiv==0.2.2; extra == 'owl'
|
|
256
|
-
Requires-Dist: newspaper3k<0.3,>=0.2.8; extra == 'owl'
|
|
257
326
|
Requires-Dist: numpy<=2.2,>=1.2; extra == 'owl'
|
|
327
|
+
Requires-Dist: onnxruntime<=1.19.2; extra == 'owl'
|
|
258
328
|
Requires-Dist: openapi-spec-validator<0.8,>=0.7.1; extra == 'owl'
|
|
259
329
|
Requires-Dist: openpyxl>=3.1.5; extra == 'owl'
|
|
260
|
-
Requires-Dist: pandas
|
|
261
|
-
Requires-Dist: pandasai<3,>=2.3.0; extra == 'owl'
|
|
330
|
+
Requires-Dist: pandas>=2; extra == 'owl'
|
|
262
331
|
Requires-Dist: playwright>=1.50.0; extra == 'owl'
|
|
263
332
|
Requires-Dist: prance<24,>=23.6.21.0; extra == 'owl'
|
|
264
333
|
Requires-Dist: pyautogui<0.10,>=0.9.54; extra == 'owl'
|
|
265
334
|
Requires-Dist: pydub<0.26,>=0.25.1; extra == 'owl'
|
|
266
335
|
Requires-Dist: pylatex>=1.4.2; extra == 'owl'
|
|
267
336
|
Requires-Dist: pymupdf<2,>=1.22.5; extra == 'owl'
|
|
337
|
+
Requires-Dist: pytesseract>=0.3.13; extra == 'owl'
|
|
268
338
|
Requires-Dist: python-dotenv<2,>=1.0.0; extra == 'owl'
|
|
269
339
|
Requires-Dist: python-pptx>=1.0.2; extra == 'owl'
|
|
340
|
+
Requires-Dist: reportlab>=4.4.2; extra == 'owl'
|
|
270
341
|
Requires-Dist: requests-oauthlib<2,>=1.3.1; extra == 'owl'
|
|
271
342
|
Requires-Dist: rouge<2,>=1.0.1; extra == 'owl'
|
|
272
343
|
Requires-Dist: scenedetect>=0.6.5.2; extra == 'owl'
|
|
@@ -278,26 +349,29 @@ Requires-Dist: transformers<5,>=4; extra == 'owl'
|
|
|
278
349
|
Requires-Dist: tree-sitter-python<0.24,>=0.23.6; extra == 'owl'
|
|
279
350
|
Requires-Dist: tree-sitter<0.24,>=0.23.2; extra == 'owl'
|
|
280
351
|
Requires-Dist: typer>=0.15.2; extra == 'owl'
|
|
281
|
-
Requires-Dist: unstructured==0.16.20; extra == 'owl'
|
|
352
|
+
Requires-Dist: unstructured==0.16.20; (python_version < '3.13') and extra == 'owl'
|
|
353
|
+
Requires-Dist: websockets<15.1,>=13.0; extra == 'owl'
|
|
282
354
|
Requires-Dist: wikipedia<2,>=1; extra == 'owl'
|
|
283
355
|
Requires-Dist: xls2xlsx>=0.2.0; extra == 'owl'
|
|
284
356
|
Requires-Dist: yt-dlp<2025,>=2024.11.4; extra == 'owl'
|
|
285
357
|
Provides-Extra: rag
|
|
286
|
-
Requires-Dist:
|
|
358
|
+
Requires-Dist: chromadb<1.0.0,>=0.6.0; extra == 'rag'
|
|
359
|
+
Requires-Dist: chunkr-ai<0.1.0,>=0.0.50; extra == 'rag'
|
|
287
360
|
Requires-Dist: cohere<6,>=5.11.0; extra == 'rag'
|
|
288
361
|
Requires-Dist: crawl4ai>=0.3.745; extra == 'rag'
|
|
289
362
|
Requires-Dist: faiss-cpu<2,>=1.7.2; extra == 'rag'
|
|
290
363
|
Requires-Dist: google-genai>=1.13.0; extra == 'rag'
|
|
364
|
+
Requires-Dist: grpcio>=1.72.0; extra == 'rag'
|
|
291
365
|
Requires-Dist: nebula3-python==3.8.2; extra == 'rag'
|
|
292
366
|
Requires-Dist: neo4j<6,>=5.18.0; extra == 'rag'
|
|
293
367
|
Requires-Dist: numpy<=2.2,>=1.2; extra == 'rag'
|
|
294
|
-
Requires-Dist:
|
|
368
|
+
Requires-Dist: protobuf>=6.0.0; extra == 'rag'
|
|
295
369
|
Requires-Dist: pymilvus<3,>=2.4.0; extra == 'rag'
|
|
296
|
-
Requires-Dist: pyobvector>=0.1.18; extra == 'rag'
|
|
297
|
-
Requires-Dist: pytidb
|
|
370
|
+
Requires-Dist: pyobvector>=0.1.18; (python_version < '3.13') and extra == 'rag'
|
|
371
|
+
Requires-Dist: pytidb>=0.0.13; extra == 'rag'
|
|
298
372
|
Requires-Dist: qdrant-client<2,>=1.9.0; extra == 'rag'
|
|
299
373
|
Requires-Dist: rank-bm25<0.3,>=0.2.2; extra == 'rag'
|
|
300
|
-
Requires-Dist: unstructured==0.16.20; extra == 'rag'
|
|
374
|
+
Requires-Dist: unstructured==0.16.20; (python_version < '3.13') and extra == 'rag'
|
|
301
375
|
Requires-Dist: weaviate-client>=4.15.0; extra == 'rag'
|
|
302
376
|
Provides-Extra: research-tools
|
|
303
377
|
Requires-Dist: arxiv2text<0.2,>=0.1.14; extra == 'research-tools'
|
|
@@ -306,42 +380,46 @@ Requires-Dist: scholarly[tor]==1.7.11; extra == 'research-tools'
|
|
|
306
380
|
Provides-Extra: storage
|
|
307
381
|
Requires-Dist: azure-storage-blob<13,>=12.21.0; extra == 'storage'
|
|
308
382
|
Requires-Dist: botocore<2,>=1.35.3; extra == 'storage'
|
|
383
|
+
Requires-Dist: chromadb<1.0.0,>=0.6.0; extra == 'storage'
|
|
384
|
+
Requires-Dist: duckdb>=1.4.3; extra == 'storage'
|
|
309
385
|
Requires-Dist: faiss-cpu<2,>=1.7.2; extra == 'storage'
|
|
310
386
|
Requires-Dist: google-cloud-storage<3,>=2.18.0; extra == 'storage'
|
|
387
|
+
Requires-Dist: grpcio>=1.72.0; extra == 'storage'
|
|
311
388
|
Requires-Dist: mem0ai>=0.1.73; extra == 'storage'
|
|
312
389
|
Requires-Dist: nebula3-python==3.8.2; extra == 'storage'
|
|
313
390
|
Requires-Dist: neo4j<6,>=5.18.0; extra == 'storage'
|
|
391
|
+
Requires-Dist: pgvector<0.3,>=0.2.4; extra == 'storage'
|
|
392
|
+
Requires-Dist: protobuf>=6.0.0; extra == 'storage'
|
|
393
|
+
Requires-Dist: psycopg[binary]<4,>=3.1.18; extra == 'storage'
|
|
314
394
|
Requires-Dist: pymilvus<3,>=2.4.0; extra == 'storage'
|
|
315
|
-
Requires-Dist: pyobvector>=0.1.18; extra == 'storage'
|
|
316
|
-
Requires-Dist: pytidb
|
|
395
|
+
Requires-Dist: pyobvector>=0.1.18; (python_version < '3.13') and extra == 'storage'
|
|
396
|
+
Requires-Dist: pytidb>=0.0.13; extra == 'storage'
|
|
317
397
|
Requires-Dist: qdrant-client<2,>=1.9.0; extra == 'storage'
|
|
318
398
|
Requires-Dist: redis<6,>=5.0.6; extra == 'storage'
|
|
399
|
+
Requires-Dist: surrealdb>=1.0.6; extra == 'storage'
|
|
319
400
|
Requires-Dist: weaviate-client>=4.15.0; extra == 'storage'
|
|
320
|
-
Provides-Extra: test
|
|
321
|
-
Requires-Dist: mock<6,>=5; extra == 'test'
|
|
322
|
-
Requires-Dist: pytest-asyncio<0.24,>=0.23.0; extra == 'test'
|
|
323
|
-
Requires-Dist: pytest<8,>=7; extra == 'test'
|
|
324
401
|
Provides-Extra: web-tools
|
|
325
402
|
Requires-Dist: apify-client<2,>=1.8.1; extra == 'web-tools'
|
|
326
403
|
Requires-Dist: beautifulsoup4<5,>=4; extra == 'web-tools'
|
|
327
404
|
Requires-Dist: dappier<0.4,>=0.3.3; extra == 'web-tools'
|
|
328
|
-
Requires-Dist:
|
|
405
|
+
Requires-Dist: ddgs<10,>=9.0.0; extra == 'web-tools'
|
|
329
406
|
Requires-Dist: exa-py<2,>=1.10.0; extra == 'web-tools'
|
|
330
407
|
Requires-Dist: fastapi>=0.115.11; extra == 'web-tools'
|
|
331
408
|
Requires-Dist: firecrawl-py<2,>=1.0.0; extra == 'web-tools'
|
|
332
409
|
Requires-Dist: google-api-python-client==2.166.0; extra == 'web-tools'
|
|
333
410
|
Requires-Dist: google-auth-httplib2==0.2.0; extra == 'web-tools'
|
|
334
411
|
Requires-Dist: google-auth-oauthlib==1.2.1; extra == 'web-tools'
|
|
412
|
+
Requires-Dist: google-auth<3.0.0,>=2.0.0; extra == 'web-tools'
|
|
335
413
|
Requires-Dist: googlemaps<5,>=4.10.0; extra == 'web-tools'
|
|
336
414
|
Requires-Dist: html2text>=2024.2.26; extra == 'web-tools'
|
|
337
415
|
Requires-Dist: linkup-sdk<0.3,>=0.2.1; extra == 'web-tools'
|
|
338
|
-
Requires-Dist: newspaper3k<0.3,>=0.2.8; extra == 'web-tools'
|
|
339
416
|
Requires-Dist: playwright>=1.50.0; extra == 'web-tools'
|
|
340
417
|
Requires-Dist: pyowm<4,>=3.3.0; extra == 'web-tools'
|
|
341
418
|
Requires-Dist: requests-oauthlib<2,>=1.3.1; extra == 'web-tools'
|
|
342
419
|
Requires-Dist: scrapegraph-py<2,>=1.12.0; extra == 'web-tools'
|
|
343
420
|
Requires-Dist: sympy<2,>=1.13.3; extra == 'web-tools'
|
|
344
421
|
Requires-Dist: tavily-python<0.6,>=0.5.0; extra == 'web-tools'
|
|
422
|
+
Requires-Dist: websockets<15.1,>=13.0; extra == 'web-tools'
|
|
345
423
|
Requires-Dist: wikipedia<2,>=1; extra == 'web-tools'
|
|
346
424
|
Requires-Dist: wolframalpha<6,>=5.0.0; extra == 'web-tools'
|
|
347
425
|
Description-Content-Type: text/markdown
|
|
@@ -365,9 +443,14 @@ Description-Content-Type: text/markdown
|
|
|
365
443
|
[![Star][star-image]][star-url]
|
|
366
444
|
[![Package License][package-license-image]][package-license-url]
|
|
367
445
|
[![PyPI Download][package-download-image]][package-download-url]
|
|
446
|
+
[![][join-us-image]][join-us]
|
|
368
447
|
|
|
369
448
|
<a href="https://trendshift.io/repositories/649" target="_blank"><img src="https://trendshift.io/api/badge/repositories/649" alt="camel-ai/camel | Trendshift" style="width: 250px; height: 55px;" width="250" height="55"/></a>
|
|
370
449
|
|
|
450
|
+
[English](README.md) |
|
|
451
|
+
[简体中文](README.zh.md) |
|
|
452
|
+
[日本語](README.ja.md)
|
|
453
|
+
|
|
371
454
|
</div>
|
|
372
455
|
|
|
373
456
|
|
|
@@ -392,19 +475,61 @@ Description-Content-Type: text/markdown
|
|
|
392
475
|
<br>
|
|
393
476
|
|
|
394
477
|
|
|
395
|
-
Join us ([*Discord*](https://discord.camel-ai.org/) or [*WeChat*](https://ghli.org/camel/wechat.png)) in pushing the boundaries of finding the scaling laws of agents.
|
|
478
|
+
Join us ([*Discord*](https://discord.camel-ai.org/) or [*WeChat*](https://ghli.org/camel/wechat.png)) in pushing the boundaries of finding the scaling laws of agents.
|
|
396
479
|
|
|
397
480
|
🌟 Star CAMEL on GitHub and be instantly notified of new releases.
|
|
398
481
|
|
|
399
482
|
</div>
|
|
400
483
|
|
|
401
484
|
<div align="center">
|
|
402
|
-
<img src="docs/images/
|
|
485
|
+
<img src="docs/images/stars.gif" alt="Star">
|
|
403
486
|
</a>
|
|
404
487
|
</div>
|
|
405
488
|
|
|
406
489
|
<br>
|
|
407
490
|
|
|
491
|
+
[![][image-join-us]][join-us]
|
|
492
|
+
|
|
493
|
+
<details>
|
|
494
|
+
<summary><kbd>Table of contents</kbd></summary>
|
|
495
|
+
|
|
496
|
+
<br/>
|
|
497
|
+
|
|
498
|
+
- [CAMEL Framework Design Principles](#camel-framework-design-principles)
|
|
499
|
+
- [Why Use CAMEL for Your Research?](#why-use-camel-for-your-research)
|
|
500
|
+
- [What Can You Build With CAMEL?](#what-can-you-build-with-camel)
|
|
501
|
+
- [Data Generation](#1-data-generation)
|
|
502
|
+
- [Task Automation](#2-task-automation)
|
|
503
|
+
- [World Simulation](#3-world-simulation)
|
|
504
|
+
- [Quick Start](#quick-start)
|
|
505
|
+
- [Starting with ChatAgent](#starting-with-chatagent)
|
|
506
|
+
- [Seeking Help](#seeking-help)
|
|
507
|
+
- [Tech Stack](#tech-stack)
|
|
508
|
+
- [Research](#research)
|
|
509
|
+
- [Synthetic Datasets](#synthetic-datasets)
|
|
510
|
+
- [Cookbooks (Usecases)](#cookbooks-usecases)
|
|
511
|
+
- [Basic Concepts](#1-basic-concepts)
|
|
512
|
+
- [Advanced Features](#2-advanced-features)
|
|
513
|
+
- [Model Training & Data Generation](#3-model-training--data-generation)
|
|
514
|
+
- [Multi-Agent Systems & Applications](#4-multi-agent-systems--applications)
|
|
515
|
+
- [Data Processing](#5-data-processing)
|
|
516
|
+
- [Real-World Usecases](#real-world-usecases)
|
|
517
|
+
- [🧱 Built with CAMEL (Real-world Producs & Research)](#-built-with-camel-real-world-producs--research)
|
|
518
|
+
- [Research Projects](#research-projects)
|
|
519
|
+
- [Product Projects](#product-projects)
|
|
520
|
+
- [🗓️ Events](#️-events)
|
|
521
|
+
- [Contributing to CAMEL](#contributing-to-camel)
|
|
522
|
+
- [Community & Contact](#community--contact)
|
|
523
|
+
- [Citation](#citation)
|
|
524
|
+
- [Acknowledgment](#acknowledgment)
|
|
525
|
+
- [License](#license)
|
|
526
|
+
|
|
527
|
+
####
|
|
528
|
+
|
|
529
|
+
<br/>
|
|
530
|
+
|
|
531
|
+
</details>
|
|
532
|
+
|
|
408
533
|
|
|
409
534
|
## CAMEL Framework Design Principles
|
|
410
535
|
|
|
@@ -514,7 +639,7 @@ We are a community-driven research collective comprising over 100 researchers de
|
|
|
514
639
|
</div>
|
|
515
640
|
|
|
516
641
|
<div align="center">
|
|
517
|
-
<a href="https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_rag
|
|
642
|
+
<a href="https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_rag">
|
|
518
643
|
<img src="docs/images/rag_pipeline.png" alt="RAG Pipeline">
|
|
519
644
|
</a>
|
|
520
645
|
</div>
|
|
@@ -554,6 +679,13 @@ This example demonstrates how to create a `ChatAgent` using the CAMEL framework
|
|
|
554
679
|
export OPENAI_API_KEY='your_openai_api_key'
|
|
555
680
|
```
|
|
556
681
|
|
|
682
|
+
Alternatively, use a `.env` file:
|
|
683
|
+
|
|
684
|
+
```bash
|
|
685
|
+
cp .env.example .env
|
|
686
|
+
# then edit .env and add your keys
|
|
687
|
+
```
|
|
688
|
+
|
|
557
689
|
3. **Run the following Python code:**
|
|
558
690
|
|
|
559
691
|
```python
|
|
@@ -593,10 +725,10 @@ We provide a [**
|
|
729
|
+
- **[Creating Your First Agent Society](https://docs.camel-ai.org/cookbooks/basic_concepts/create_your_first_agents_society)**
|
|
730
|
+
- **[Embodied Agents](https://docs.camel-ai.org/cookbooks/advanced_features/embodied_agents)**
|
|
731
|
+
- **[Critic Agents](https://docs.camel-ai.org/cookbooks/advanced_features/critic_agents_and_tree_search)**
|
|
600
732
|
|
|
601
733
|
### Seeking Help
|
|
602
734
|
|
|
@@ -617,19 +749,19 @@ Core components and utilities to build, operate, and enhance CAMEL-AI agents and
|
|
|
617
749
|
|
|
618
750
|
| Module | Description |
|
|
619
751
|
|:---|:---|
|
|
620
|
-
| **[Agents](https://docs.camel-ai.org/key_modules/agents
|
|
621
|
-
| **[Agent Societies](https://docs.camel-ai.org/key_modules/society
|
|
622
|
-
| **[Data Generation](https://docs.camel-ai.org/key_modules/datagen
|
|
623
|
-
| **[Models](https://docs.camel-ai.org/key_modules/models
|
|
624
|
-
| **[Tools](https://docs.camel-ai.org/key_modules/tools
|
|
625
|
-
| **[Memory](https://docs.camel-ai.org/key_modules/memory
|
|
626
|
-
| **[Storage](https://docs.camel-ai.org/key_modules/storages
|
|
752
|
+
| **[Agents](https://docs.camel-ai.org/key_modules/agents)** | Core agent architectures and behaviors for autonomous operation. |
|
|
753
|
+
| **[Agent Societies](https://docs.camel-ai.org/key_modules/society)** | Components for building and managing multi-agent systems and collaboration. |
|
|
754
|
+
| **[Data Generation](https://docs.camel-ai.org/key_modules/datagen)** | Tools and methods for synthetic data creation and augmentation. |
|
|
755
|
+
| **[Models](https://docs.camel-ai.org/key_modules/models)** | Model architectures and customization options for agent intelligence. |
|
|
756
|
+
| **[Tools](https://docs.camel-ai.org/key_modules/tools)** | Tools integration for specialized agent tasks. |
|
|
757
|
+
| **[Memory](https://docs.camel-ai.org/key_modules/memory)** | Memory storage and retrieval mechanisms for agent state management. |
|
|
758
|
+
| **[Storage](https://docs.camel-ai.org/key_modules/storages)** | Persistent storage solutions for agent data and states. |
|
|
627
759
|
| **[Benchmarks](https://github.com/camel-ai/camel/tree/master/camel/benchmarks)** | Performance evaluation and testing frameworks. |
|
|
628
|
-
| **[Interpreters](https://docs.camel-ai.org/key_modules/interpreters
|
|
629
|
-
| **[Data Loaders](https://docs.camel-ai.org/key_modules/loaders
|
|
630
|
-
| **[Retrievers](https://docs.camel-ai.org/key_modules/retrievers
|
|
760
|
+
| **[Interpreters](https://docs.camel-ai.org/key_modules/interpreters)** | Code and command interpretation capabilities. |
|
|
761
|
+
| **[Data Loaders](https://docs.camel-ai.org/key_modules/loaders)** | Data ingestion and preprocessing tools. |
|
|
762
|
+
| **[Retrievers](https://docs.camel-ai.org/key_modules/retrievers)** | Knowledge retrieval and RAG components. |
|
|
631
763
|
| **[Runtime](https://github.com/camel-ai/camel/tree/master/camel/runtime)** | Execution environment and process management. |
|
|
632
|
-
| **[Human-in-the-Loop](https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_human_in_loop_and_tool_approval
|
|
764
|
+
| **[Human-in-the-Loop](https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_human_in_loop_and_tool_approval)** | Interactive components for human oversight and intervention. |
|
|
633
765
|
---
|
|
634
766
|
|
|
635
767
|
## Research
|
|
@@ -638,6 +770,18 @@ We believe that studying these agents on a large scale offers valuable insights
|
|
|
638
770
|
|
|
639
771
|
**Explore our research projects:**
|
|
640
772
|
|
|
773
|
+
<div align="center">
|
|
774
|
+
<a href="https://github.com/camel-ai/owl">
|
|
775
|
+
<img src="docs/images/owl.png" alt="OWL">
|
|
776
|
+
</a>
|
|
777
|
+
</div>
|
|
778
|
+
|
|
779
|
+
<div align="center">
|
|
780
|
+
<a href="https://oasis.camel-ai.org/">
|
|
781
|
+
<img src="docs/images/oasis.png" alt="OASIS">
|
|
782
|
+
</a>
|
|
783
|
+
</div>
|
|
784
|
+
|
|
641
785
|
<div align="center">
|
|
642
786
|
<a href="https://crab.camel-ai.org/">
|
|
643
787
|
<img src="docs/images/crab.png" alt="CRAB">
|
|
@@ -645,14 +789,14 @@ We believe that studying these agents on a large scale offers valuable insights
|
|
|
645
789
|
</div>
|
|
646
790
|
|
|
647
791
|
<div align="center">
|
|
648
|
-
<a href="https://
|
|
649
|
-
<img src="docs/images/
|
|
792
|
+
<a href="https://github.com/camel-ai/loong">
|
|
793
|
+
<img src="docs/images/loong.png" alt="Loong">
|
|
650
794
|
</a>
|
|
651
795
|
</div>
|
|
652
796
|
|
|
653
797
|
<div align="center">
|
|
654
|
-
<a href="https://
|
|
655
|
-
<img src="docs/images/
|
|
798
|
+
<a href="https://agent-trust.camel-ai.org/">
|
|
799
|
+
<img src="docs/images/agent_trust.png" alt="Agent Trust">
|
|
656
800
|
</a>
|
|
657
801
|
</div>
|
|
658
802
|
|
|
@@ -664,7 +808,7 @@ We believe that studying these agents on a large scale offers valuable insights
|
|
|
664
808
|
|
|
665
809
|
>### Research with US
|
|
666
810
|
>
|
|
667
|
-
>We warmly invite you to use CAMEL for your impactful research.
|
|
811
|
+
>We warmly invite you to use CAMEL for your impactful research.
|
|
668
812
|
>
|
|
669
813
|
> Rigorous research takes time and resources. We are a community-driven research collective with 100+ researchers exploring the frontier research of Multi-agent Systems. Join our ongoing projects or test new ideas with us, [reach out via email](mailto:camel-ai@eigent.ai) for more information.
|
|
670
814
|
>
|
|
@@ -678,7 +822,7 @@ We believe that studying these agents on a large scale offers valuable insights
|
|
|
678
822
|
|
|
679
823
|
### 1. Utilize Various LLMs as Backends
|
|
680
824
|
|
|
681
|
-
For more details, please see our [`Models Documentation`](https://docs.camel-ai.org/key_modules/models
|
|
825
|
+
For more details, please see our [`Models Documentation`](https://docs.camel-ai.org/key_modules/models#).
|
|
682
826
|
|
|
683
827
|
> **Data (Hosted on Hugging Face)**
|
|
684
828
|
|
|
@@ -707,46 +851,124 @@ Practical guides and tutorials for implementing specific functionalities in CAME
|
|
|
707
851
|
### 1. Basic Concepts
|
|
708
852
|
| Cookbook | Description |
|
|
709
853
|
|:---|:---|
|
|
710
|
-
| **[Creating Your First Agent](https://docs.camel-ai.org/cookbooks/basic_concepts/create_your_first_agent
|
|
711
|
-
| **[Creating Your First Agent Society](https://docs.camel-ai.org/cookbooks/basic_concepts/create_your_first_agents_society
|
|
712
|
-
| **[Message Cookbook](https://docs.camel-ai.org/cookbooks/basic_concepts/agents_message
|
|
854
|
+
| **[Creating Your First Agent](https://docs.camel-ai.org/cookbooks/basic_concepts/create_your_first_agent)** | A step-by-step guide to building your first agent. |
|
|
855
|
+
| **[Creating Your First Agent Society](https://docs.camel-ai.org/cookbooks/basic_concepts/create_your_first_agents_society)** | Learn to build a collaborative society of agents. |
|
|
856
|
+
| **[Message Cookbook](https://docs.camel-ai.org/cookbooks/basic_concepts/agents_message)** | Best practices for message handling in agents. |
|
|
713
857
|
|
|
714
858
|
### 2. Advanced Features
|
|
715
859
|
| Cookbook | Description |
|
|
716
860
|
|:---|:---|
|
|
717
|
-
| **[Tools Cookbook](https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_tools
|
|
718
|
-
| **[Memory Cookbook](https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_memory
|
|
719
|
-
| **[RAG Cookbook](https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_rag
|
|
720
|
-
| **[Graph RAG Cookbook](https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_graph_rag
|
|
721
|
-
| **[Track CAMEL Agents with AgentOps](https://docs.camel-ai.org/cookbooks/advanced_features/agents_tracking
|
|
861
|
+
| **[Tools Cookbook](https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_tools)** | Integrating tools for enhanced functionality. |
|
|
862
|
+
| **[Memory Cookbook](https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_memory)** | Implementing memory systems in agents. |
|
|
863
|
+
| **[RAG Cookbook](https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_rag)** | Recipes for Retrieval-Augmented Generation. |
|
|
864
|
+
| **[Graph RAG Cookbook](https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_graph_rag)** | Leveraging knowledge graphs with RAG. |
|
|
865
|
+
| **[Track CAMEL Agents with AgentOps](https://docs.camel-ai.org/cookbooks/advanced_features/agents_tracking)** | Tools for tracking and managing agents in operations. |
|
|
722
866
|
|
|
723
867
|
### 3. Model Training & Data Generation
|
|
724
868
|
| Cookbook | Description |
|
|
725
869
|
|:---|:---|
|
|
726
|
-
| **[Data Generation with CAMEL and Finetuning with Unsloth](https://docs.camel-ai.org/cookbooks/data_generation/sft_data_generation_and_unsloth_finetuning_Qwen2_5_7B
|
|
727
|
-
| **[Data Gen with Real Function Calls and Hermes Format](https://docs.camel-ai.org/cookbooks/data_generation/data_gen_with_real_function_calls_and_hermes_format
|
|
728
|
-
| **[CoT Data Generation and Upload Data to Huggingface](https://docs.camel-ai.org/cookbooks/data_generation/distill_math_reasoning_data_from_deepseek_r1
|
|
729
|
-
| **[CoT Data Generation and SFT Qwen with Unsolth](https://docs.camel-ai.org/cookbooks/data_generation/cot_data_gen_sft_qwen_unsolth_upload_huggingface
|
|
870
|
+
| **[Data Generation with CAMEL and Finetuning with Unsloth](https://docs.camel-ai.org/cookbooks/data_generation/sft_data_generation_and_unsloth_finetuning_Qwen2_5_7B)** | Learn how to generate data with CAMEL and fine-tune models effectively with Unsloth. |
|
|
871
|
+
| **[Data Gen with Real Function Calls and Hermes Format](https://docs.camel-ai.org/cookbooks/data_generation/data_gen_with_real_function_calls_and_hermes_format)** | Explore how to generate data with real function calls and the Hermes format. |
|
|
872
|
+
| **[CoT Data Generation and Upload Data to Huggingface](https://docs.camel-ai.org/cookbooks/data_generation/distill_math_reasoning_data_from_deepseek_r1)** | Uncover how to generate CoT data with CAMEL and seamlessly upload it to Huggingface. |
|
|
873
|
+
| **[CoT Data Generation and SFT Qwen with Unsolth](https://docs.camel-ai.org/cookbooks/data_generation/cot_data_gen_sft_qwen_unsolth_upload_huggingface)** | Discover how to generate CoT data using CAMEL and SFT Qwen with Unsolth, and seamlessly upload your data and model to Huggingface. |
|
|
730
874
|
|
|
731
875
|
### 4. Multi-Agent Systems & Applications
|
|
732
876
|
| Cookbook | Description |
|
|
733
877
|
|:---|:---|
|
|
734
|
-
| **[Role-Playing Scraper for Report & Knowledge Graph Generation](https://docs.camel-ai.org/cookbooks/applications/roleplaying_scraper
|
|
735
|
-
| **[Create A Hackathon Judge Committee with Workforce](https://docs.camel-ai.org/cookbooks/multi_agent_society/workforce_judge_committee
|
|
736
|
-
| **[Dynamic Knowledge Graph Role-Playing: Multi-Agent System with dynamic, temporally-aware knowledge graphs](https://docs.camel-ai.org/cookbooks/
|
|
737
|
-
| **[Customer Service Discord Bot with Agentic RAG](https://docs.camel-ai.org/cookbooks/applications/customer_service_Discord_bot_using_SambaNova_with_agentic_RAG
|
|
738
|
-
| **[Customer Service Discord Bot with Local Model](https://docs.camel-ai.org/cookbooks/applications/customer_service_Discord_bot_using_local_model_with_agentic_RAG
|
|
878
|
+
| **[Role-Playing Scraper for Report & Knowledge Graph Generation](https://docs.camel-ai.org/cookbooks/applications/roleplaying_scraper)** | Create role-playing agents for data scraping and reporting. |
|
|
879
|
+
| **[Create A Hackathon Judge Committee with Workforce](https://docs.camel-ai.org/cookbooks/multi_agent_society/workforce_judge_committee)** | Building a team of agents for collaborative judging. |
|
|
880
|
+
| **[Dynamic Knowledge Graph Role-Playing: Multi-Agent System with dynamic, temporally-aware knowledge graphs](https://docs.camel-ai.org/cookbooks/advanced_features/agents_with_dkg)** | Builds dynamic, temporally-aware knowledge graphs for financial applications using a multi-agent system. It processes financial reports, news articles, and research papers to help traders analyze data, identify relationships, and uncover market insights. The system also utilizes diverse and optional element node deduplication techniques to ensure data integrity and optimize graph structure for financial decision-making. |
|
|
881
|
+
| **[Customer Service Discord Bot with Agentic RAG](https://docs.camel-ai.org/cookbooks/applications/customer_service_Discord_bot_using_SambaNova_with_agentic_RAG)** | Learn how to build a robust customer service bot for Discord using Agentic RAG. |
|
|
882
|
+
| **[Customer Service Discord Bot with Local Model](https://docs.camel-ai.org/cookbooks/applications/customer_service_Discord_bot_using_local_model_with_agentic_RAG)** | Learn how to build a robust customer service bot for Discord using Agentic RAG which supports local deployment. |
|
|
739
883
|
|
|
740
884
|
### 5. Data Processing
|
|
741
885
|
| Cookbook | Description |
|
|
742
886
|
|:---|:---|
|
|
743
|
-
| **[Video Analysis](https://docs.camel-ai.org/cookbooks/data_processing/video_analysis
|
|
744
|
-
| **[3 Ways to Ingest Data from Websites with Firecrawl](https://docs.camel-ai.org/cookbooks/data_processing/ingest_data_from_websites_with_Firecrawl
|
|
745
|
-
| **[Create AI Agents that work with your PDFs](https://docs.camel-ai.org/cookbooks/data_processing/agent_with_chunkr_for_pdf_parsing
|
|
887
|
+
| **[Video Analysis](https://docs.camel-ai.org/cookbooks/data_processing/video_analysis)** | Techniques for agents in video data analysis. |
|
|
888
|
+
| **[3 Ways to Ingest Data from Websites with Firecrawl](https://docs.camel-ai.org/cookbooks/data_processing/ingest_data_from_websites_with_Firecrawl)** | Explore three methods for extracting and processing data from websites using Firecrawl. |
|
|
889
|
+
| **[Create AI Agents that work with your PDFs](https://docs.camel-ai.org/cookbooks/data_processing/agent_with_chunkr_for_pdf_parsing)** | Learn how to create AI agents that work with your PDFs using Chunkr and Mistral AI. |
|
|
890
|
+
|
|
891
|
+
<br>
|
|
892
|
+
|
|
893
|
+
## Real-World Usecases
|
|
894
|
+
|
|
895
|
+
Real-world usecases demonstrating how CAMEL’s multi-agent framework enables real business value across infrastructure automation, productivity workflows, retrieval-augmented conversations, intelligent document/video analysis, and collaborative research.
|
|
896
|
+
|
|
897
|
+
### 1 Infrastructure Automation
|
|
898
|
+
|
|
899
|
+
| Usecase | Description |
|
|
900
|
+
| :----------------------------------------------------------- | :----------------------------------------------------------- |
|
|
901
|
+
| **[ACI MCP](https://github.com/camel-ai/camel/tree/master/examples/usecases/aci_mcp)** | Real-world usecases demonstrating how CAMEL’s multi-agent framework enables real business value across infrastructure automation, productivity workflows, retrieval-augmented conversations, intelligent document/video analysis, and collaborative research. |
|
|
902
|
+
| **[Cloudflare MCP CAMEL](https://github.com/camel-ai/camel/tree/master/examples/usecases/cloudfare_mcp_camel)** | Intelligent agents manage Cloudflare resources dynamically, enabling scalable and efficient cloud security and performance tuning. |
|
|
746
903
|
|
|
904
|
+
### 2 Productivity & Business Workflows
|
|
905
|
+
|
|
906
|
+
| Usecase | Description |
|
|
907
|
+
| :----------------------------------------------------------- | :----------------------------------------------------------- |
|
|
908
|
+
| **[Airbnb MCP](https://github.com/camel-ai/camel/tree/master/examples/usecases/airbnb_mcp)** | Coordinate agents to optimize and manage Airbnb listings and host operations. |
|
|
909
|
+
| **[PPTX Toolkit Usecase](https://github.com/camel-ai/camel/tree/master/examples/usecases/pptx_toolkit_usecase)** | Analyze PowerPoint documents and extract structured insights through multi-agent collaboration. |
|
|
910
|
+
|
|
911
|
+
### 3 Retrieval-Augmented Multi-Agent Chat
|
|
912
|
+
|
|
913
|
+
| Usecase | Description |
|
|
914
|
+
| :----------------------------------------------------------- | :----------------------------------------------------------- |
|
|
915
|
+
| **[Chat with GitHub](https://github.com/camel-ai/camel/tree/master/examples/usecases/chat_with_github)** | Query and understand GitHub codebases through CAMEL agents leveraging RAG-style workflows, accelerating developer onboarding and codebase navigation. |
|
|
916
|
+
| **[Chat with YouTube](https://github.com/camel-ai/camel/tree/master/examples/usecases/chat_with_youtube)** | Conversational agents extract and summarize video transcripts, enabling faster content understanding and repurposing. |
|
|
917
|
+
|
|
918
|
+
### 4 Video & Document Intelligence
|
|
919
|
+
|
|
920
|
+
| Usecase | Description |
|
|
921
|
+
| :----------------------------------------------------------- | :----------------------------------------------------------- |
|
|
922
|
+
| **[YouTube OCR](https://github.com/camel-ai/camel/tree/master/examples/usecases/youtube_ocr)** | Agents perform OCR on video screenshots to summarize visual content, supporting media monitoring and compliance. |
|
|
923
|
+
| **[Mistral OCR](https://github.com/camel-ai/camel/tree/master/examples/usecases/mistral_OCR)** | CAMEL agents use OCR with Mistral to analyze documents, reducing manual effort in document understanding workflows. |
|
|
924
|
+
|
|
925
|
+
### 5 Research & Collaboration
|
|
926
|
+
|
|
927
|
+
| Usecase | Description |
|
|
928
|
+
| :----------------------------------------------------------- | :----------------------------------------------------------- |
|
|
929
|
+
| **[Multi-Agent Research Assistant](https://github.com/camel-ai/camel/tree/master/examples/usecases/multi_agent_research_assistant)** | Simulates a team of research agents collaborating on literature review, improving efficiency in exploratory analysis and reporting. |
|
|
747
930
|
|
|
748
931
|
<br>
|
|
749
932
|
|
|
933
|
+
## 🧱 Built with CAMEL (Real-world Producs & Research)
|
|
934
|
+
<div align="left">
|
|
935
|
+
<a href="https://www.camel-ai.org/">
|
|
936
|
+
<img src="docs/images/built_with_CAMEL.png" alt="Built with CAMEL" height="40px">
|
|
937
|
+
</a>
|
|
938
|
+
</div>
|
|
939
|
+
|
|
940
|
+
### Research Projects
|
|
941
|
+
|
|
942
|
+
| Name | Description |
|
|
943
|
+
|:---|:---|
|
|
944
|
+
| **[ChatDev](https://github.com/OpenBMB/ChatDev/tree/main/camel)** | Communicative Agents for software Development |
|
|
945
|
+
| **[Paper2Poster](https://github.com/Paper2Poster/Paper2Poster)** | Multimodal poster automation from scientific papers |
|
|
946
|
+
| **[Paper2Video](https://github.com/showlab/Paper2Video)** | Automatic video generation from scientific papers |
|
|
947
|
+
|
|
948
|
+
### Product Projects
|
|
949
|
+
|
|
950
|
+
| Name | Description |
|
|
951
|
+
|:---|:---|
|
|
952
|
+
| **[Eigent](https://www.eigent.ai/)** | The World First Multi-agent Workforce |
|
|
953
|
+
| **[EigentBot](https://bot.eigent.ai/)** | One EigentBot,
|
|
954
|
+
Every Code Answer |
|
|
955
|
+
| **[Matrix](https://matrix.eigent.ai/)** | Social Media Simulation |
|
|
956
|
+
| **[AI Geometric](https://www.linkedin.com/posts/aigeometric_ai-interviewpreparation-careerdevelopment-activity-7261428422516555776-MtaK/?utm_source=share&utm_medium=member_desktop&rcm=ACoAAChHluEB9xRwkjiJ6VSAzqM2Y-U4NI2sKGY)** | AI-powered interview copilot |
|
|
957
|
+
| **[Log10](https://github.com/log10-io/log10/blob/main/src/log10/agents/camel.py)** | AI accuracy, delivered |
|
|
958
|
+
|
|
959
|
+
|
|
960
|
+
## 🗓️ Events
|
|
961
|
+
|
|
962
|
+
We are actively involved in community events including:
|
|
963
|
+
|
|
964
|
+
- 🎙️ **Community Meetings** — Weekly virtual syncs with the CAMEL team
|
|
965
|
+
- 🏆 **Competitions** — Hackathons, Bounty Tasks and coding challenges hosted by CAMEL
|
|
966
|
+
- 🤝 **Volunteer Activities** — Contributions, documentation drives, and mentorship
|
|
967
|
+
- 🌍 **Ambassador Programs** — Represent CAMEL in your university or local tech groups
|
|
968
|
+
|
|
969
|
+
> Want to host or participate in a CAMEL event? Join our [Discord](https://discord.com/invite/CNcNpquyDc) or want to be part of [Ambassador Program](https://www.camel-ai.org/ambassador).
|
|
970
|
+
|
|
971
|
+
|
|
750
972
|
|
|
751
973
|
## Contributing to CAMEL
|
|
752
974
|
|
|
@@ -754,6 +976,14 @@ Practical guides and tutorials for implementing specific functionalities in CAME
|
|
|
754
976
|
>
|
|
755
977
|
> We also welcome you to help CAMEL grow by sharing it on social media, at events, or during conferences. Your support makes a big difference!
|
|
756
978
|
|
|
979
|
+
## Contributors
|
|
980
|
+
|
|
981
|
+
<a href="https://github.com/camel-ai/camel/graphs/contributors">
|
|
982
|
+
<img src="https://contrib.rocks/image?repo=camel-ai/camel" />
|
|
983
|
+
</a>
|
|
984
|
+
|
|
985
|
+
Made with [contrib.rocks](https://contrib.rocks).
|
|
986
|
+
|
|
757
987
|
<br>
|
|
758
988
|
|
|
759
989
|
## Community & Contact
|
|
@@ -806,7 +1036,7 @@ The source code is licensed under Apache 2.0.
|
|
|
806
1036
|
<br>
|
|
807
1037
|
|
|
808
1038
|
[docs-image]: https://img.shields.io/badge/Documentation-EB3ECC
|
|
809
|
-
[docs-url]: https://camel-ai.github.io/camel/index
|
|
1039
|
+
[docs-url]: https://camel-ai.github.io/camel/index
|
|
810
1040
|
[star-image]: https://img.shields.io/github/stars/camel-ai/camel?label=stars&logo=github&color=brightgreen
|
|
811
1041
|
[star-url]: https://github.com/camel-ai/camel/stargazers
|
|
812
1042
|
[package-license-image]: https://img.shields.io/badge/License-Apache_2.0-blue.svg
|
|
@@ -827,4 +1057,7 @@ The source code is licensed under Apache 2.0.
|
|
|
827
1057
|
[reddit-url]: https://www.reddit.com/r/CamelAI/
|
|
828
1058
|
[reddit-image]: https://img.shields.io/reddit/subreddit-subscribers/CamelAI?style=plastic&logo=reddit&label=r%2FCAMEL&labelColor=white
|
|
829
1059
|
[ambassador-url]: https://www.camel-ai.org/community
|
|
830
|
-
[package-download-url]: https://pypi.org/project/camel-ai
|
|
1060
|
+
[package-download-url]: https://pypi.org/project/camel-ai
|
|
1061
|
+
[join-us]:https://eigent-ai.notion.site/eigent-ai-careers
|
|
1062
|
+
[join-us-image]:https://img.shields.io/badge/Join%20Us-yellow?style=plastic
|
|
1063
|
+
[image-join-us]: https://camel-ai.github.io/camel_asset/graphics/join_us.png
|