Merge branch 'master' into fix-ci-2

pull/388/head
Wyatt Stanke 11 months ago committed by GitHub
commit 3e7046546b
No known key found for this signature in database
GPG Key ID: B5690EEEBB952194

Binary file not shown.

After

Width:  |  Height:  |  Size: 40 KiB

@ -68,11 +68,11 @@ The team has thousands of hours building and optimizing autonomous agents. Leade
Key milestones: get 80K framework users in January 2024, start contracts in target verticals, introduce commercial products in 2025 with various pricing models.
## Resources
### **Pre-Seed Pitch Deck**
### **Resources**
#### **Pre-Seed Pitch Deck**
- [Here is our pitch deck for our preseed round](https://drive.google.com/file/d/1c76gK5UIdrfN4JOSpSlvVBEOpzR9emWc/view?usp=sharing)
### **The Swarm Corporation Memo**
#### **The Swarm Corporation Memo**
To learn more about our mission, vision, plans for GTM, and much more please refer to the [Swarm Memo here](https://docs.google.com/document/d/1hS_nv_lFjCqLfnJBoF6ULY9roTbSgSuCkvXvSUSc7Lo/edit?usp=sharing)
@ -91,12 +91,14 @@ This section is dedicated entirely for corporate documents.
## **Product**
Swarms is an open source framework for developers in python to enable seamless, reliable, and scalable multi-agent orchestration through modularity, customization, and precision.
[Here is the official Swarms Github Page:](https://github.com/kyegomez/swarms)
- [Swarms Github Page:](https://github.com/kyegomez/swarms)
- [Swarms Memo](https://docs.google.com/document/d/1hS_nv_lFjCqLfnJBoF6ULY9roTbSgSuCkvXvSUSc7Lo/edit)
- [Swarms Project Board](https://github.com/users/kyegomez/projects/1)
- [Swarms Website](https://www.swarms.world/g)
### Product Growth Metrics
| Name | Description | Link |
|--------------------------b--------|---------------------------------------------------------------------------------------------------------------|-------------------------------------------------------------------------------------------|
|----------------------------------|---------------------------------------------------------------------------------------------------------------|-------------------------------------------------------------------------------------------|
| Total Downloads of all time | Total number of downloads for the product over its entire lifespan. | [![Downloads](https://static.pepy.tech/badge/swarms)](https://pepy.tech/project/swarms) |
| Downloads this month | Number of downloads for the product in the current month. | [![Downloads](https://static.pepy.tech/badge/swarms/month)](https://pepy.tech/project/swarms) |
| Total Downloads this week | Total number of downloads for the product in the current week. | [![Downloads](https://static.pepy.tech/badge/swarms/week)](https://pepy.tech/project/swarms) |
@ -109,5 +111,3 @@ Swarms is an open source framework for developers in python to enable seamless,
| Issues with the framework | Current open issues for the product on Github. | [![GitHub issues](https://img.shields.io/github/issues/kyegomez/swarms)](https://github.com/kyegomez/swarms/issues) |
gi
-------

@ -1,7 +1,110 @@
This page summarizes questions we were asked on [Discord](https://discord.gg/gnWRz88eym), Hacker News, and Reddit. Feel free to post a question to [Discord](https://discord.gg/gnWRz88eym) or open a discussion on our [Github Page](https://github.com/kyegomez) or hit us up directly: [kye@apac.ai](mailto:hello@swarms.ai).
### FAQ on Swarm Intelligence and Multi-Agent Systems
## 1. How is Swarms different from LangChain?
#### What is an agent in the context of AI and swarm intelligence?
Swarms is an open source alternative to LangChain and differs in its approach to creating LLM pipelines and DAGs. In addition to agents, it uses more general-purpose DAGs and pipelines. A close proxy might be *Airflow for LLMs*. Swarms still implements chain of thought logic for prompt tasks that use "tools" but it also supports any type of input / output (images, audio, etc.).
In artificial intelligence (AI), an agent refers to an LLM with some objective to accomplish.
In swarm intelligence, each agent interacts with other agents and possibly the environment to achieve complex collective behaviors or solve problems more efficiently than individual agents could on their own.
#### What do you need Swarms at all?
Individual agents are limited by a vast array of issues such as context window loss, single task execution, hallucination, and no collaboration.
#### How does a swarm work?
A swarm works through the principles of decentralized control, local interactions, and simple rules followed by each agent. Unlike centralized systems, where a single entity dictates the behavior of all components, in a swarm, each agent makes its own decisions based on local information and interactions with nearby agents. These local interactions lead to the emergence of complex, organized behaviors or solutions at the collective level, enabling the swarm to tackle tasks efficiently.
#### Why do you need more agents in a swarm?
More agents in a swarm can enhance its problem-solving capabilities, resilience, and efficiency. With more agents:
- **Diversity and Specialization**: The swarm can leverage a wider range of skills, knowledge, and perspectives, allowing for more creative and effective solutions to complex problems.
- **Scalability**: Adding more agents can increase the swarm's capacity to handle larger tasks or multiple tasks simultaneously.
- **Robustness**: A larger number of agents enhances the system's redundancy and fault tolerance, as the failure of a few agents has a minimal impact on the overall performance of the swarm.
#### Isn't it more expensive to use more agents?
While deploying more agents can initially increase costs, especially in terms of computational resources, hosting, and potentially API usage, there are several factors and strategies that can mitigate these expenses:
- **Efficiency at Scale**: Larger swarms can often solve problems more quickly or effectively, reducing the overall computational time and resources required.
- **Optimization and Caching**: Implementing optimizations and caching strategies can reduce redundant computations, lowering the workload on individual agents and the overall system.
- **Dynamic Scaling**: Utilizing cloud services that offer dynamic scaling can ensure you only pay for the resources you need when you need them, optimizing cost-efficiency.
#### Can swarms make decisions better than individual agents?
Yes, swarms can make better decisions than individual agents for several reasons:
- **Collective Intelligence**: Swarms combine the knowledge and insights of multiple agents, leading to more informed and well-rounded decision-making processes.
- **Error Correction**: The collaborative nature of swarms allows for error checking and correction among agents, reducing the likelihood of mistakes.
- **Adaptability**: Swarms are highly adaptable to changing environments or requirements, as the collective can quickly reorganize or shift strategies based on new information.
#### How do agents in a swarm communicate?
Communication in a swarm can vary based on the design and purpose of the system but generally involves either direct or indirect interactions:
- **Direct Communication**: Agents exchange information directly through messaging, signals, or other communication protocols designed for the system.
- **Indirect Communication**: Agents influence each other through the environment, a method known as stigmergy. Actions by one agent alter the environment, which in turn influences the behavior of other agents.
#### Are swarms only useful in computational tasks?
While swarms are often associated with computational tasks, their applications extend far beyond. Swarms can be utilized in:
- **Robotics**: Coordinating multiple robots for tasks like search and rescue, exploration, or surveillance.
- **Environmental Monitoring**: Using sensor networks to monitor pollution, wildlife, or climate conditions.
- **Social Sciences**: Modeling social behaviors or economic systems to understand complex societal dynamics.
- **Healthcare**: Coordinating care strategies in hospital settings or managing pandemic responses through distributed data analysis.
#### How do you ensure the security of a swarm system?
Security in swarm systems involves:
- **Encryption**: Ensuring all communications between agents are encrypted to prevent unauthorized access or manipulation.
- **Authentication**: Implementing strict authentication mechanisms to verify the identity of each agent in the swarm.
- **Resilience to Attacks**: Designing the swarm to continue functioning effectively even if some agents are compromised or attacked, utilizing redundancy and fault tolerance strategies.
#### How do individual agents within a swarm share insights without direct learning mechanisms like reinforcement learning?
In the context of pre-trained Large Language Models (LLMs) that operate within a swarm, sharing insights typically involves explicit communication and data exchange protocols rather than direct learning mechanisms like reinforcement learning. Here's how it can work:
- **Shared Databases and Knowledge Bases**: Agents can write to and read from a shared database or knowledge base where insights, generated content, and relevant data are stored. This allows agents to benefit from the collective experience of the swarm by accessing information that other agents have contributed.
- **APIs for Information Exchange**: Custom APIs can facilitate the exchange of information between agents. Through these APIs, agents can request specific information or insights from others within the swarm, effectively sharing knowledge without direct learning.
#### How do you balance the autonomy of individual LLMs with the need for coherent collective behavior in a swarm?
Balancing autonomy with collective coherence in a swarm of LLMs involves:
- **Central Coordination Mechanism**: Implementing a lightweight central coordination mechanism that can assign tasks, distribute information, and collect outputs from individual LLMs. This ensures that while each LLM operates autonomously, their actions are aligned with the swarm's overall objectives.
- **Standardized Communication Protocols**: Developing standardized protocols for how LLMs communicate and share information ensures that even though each agent works autonomously, the information exchange remains coherent and aligned with the collective goals.
#### How do LLM swarms adapt to changing environments or tasks without machine learning techniques?
Adaptation in LLM swarms, without relying on machine learning techniques for dynamic learning, can be achieved through:
- **Dynamic Task Allocation**: A central system or distributed algorithm can dynamically allocate tasks to different LLMs based on the changing environment or requirements. This ensures that the most suitable LLMs are addressing tasks for which they are best suited as conditions change.
- **Pre-trained Versatility**: Utilizing a diverse set of pre-trained LLMs with different specialties or training data allows the swarm to select the most appropriate agent for a task as the requirements evolve.
- **In Context Learning**: In context learning is another mechanism that can be employed within LLM swarms to adapt to changing environments or tasks. This approach involves leveraging the collective knowledge and experiences of the swarm to facilitate learning and improve performance. Here's how it can work:
#### Can LLM swarms operate in physical environments, or are they limited to digital spaces?
LLM swarms primarily operate in digital spaces, given their nature as software entities. However, they can interact with physical environments indirectly through interfaces with sensors, actuaries, or other devices connected to the Internet of Things (IoT). For example, LLMs can process data from physical sensors and control devices based on their outputs, enabling applications like smart home management or autonomous vehicle navigation.
#### Without direct learning from each other, how do agents in a swarm improve over time?
Improvement over time in a swarm of pre-trained LLMs, without direct learning from each other, can be achieved through:
- **Human Feedback**: Incorporating feedback from human operators or users can guide adjustments to the usage patterns or selection criteria of LLMs within the swarm, optimizing performance based on observed outcomes.
- **Periodic Re-training and Updating**: The individual LLMs can be periodically re-trained or updated by their developers based on collective insights and feedback from their deployment within swarms. While this does not involve direct learning from each encounter, it allows the LLMs to improve over time based on aggregated experiences.
These adjustments to the FAQ reflect the specific context of pre-trained LLMs operating within a swarm, focusing on communication, coordination, and adaptation mechanisms that align with their capabilities and constraints.
#### Conclusion
Swarms represent a powerful paradigm in AI, offering innovative solutions to complex, dynamic problems through collective intelligence and decentralized control. While challenges exist, particularly regarding cost and security, strategic design and management can leverage the strengths of swarm intelligence to achieve remarkable efficiency, adaptability, and robustness in a wide range of applications.

@ -1,12 +1,16 @@
# The Limits of Individual Agents
![Reliable Agents](docs/assets/img/reliabilitythrough.png)
Individual agents have pushed the boundaries of what machines can learn and accomplish. However, despite their impressive capabilities, these agents face inherent limitations that can hinder their effectiveness in complex, real-world applications. This blog explores the critical constraints of individual agents, such as context window limits, hallucination, single-task threading, and lack of collaboration, and illustrates how multi-agent collaboration can address these limitations. In short,
- Context Window Limits
- Single Task Execution
- Hallucination
- No collaboration
In the rapidly evolving field of artificial intelligence, individual agents have pushed the boundaries of what machines can learn and accomplish. However, despite their impressive capabilities, these agents face inherent limitations that can hinder their effectiveness in complex, real-world applications. This discussion explores the critical constraints of individual agents, such as context window limits, hallucination, single-task threading, and lack of collaboration, and illustrates how multi-agent collaboration can address these limitations.
#### Context Window Limits

@ -22,7 +22,8 @@ class Qdrant:
collection_name: str = "qdrant",
model_name: str = "BAAI/bge-small-en-v1.5",
https: bool = True,
): ...
):
...
```
### Constructor Parameters

@ -27,7 +27,6 @@ from swarms.tokenizers import BaseTokenizer
class SimpleTokenizer(BaseTokenizer):
def count_tokens(self, text: Union[str, List[dict]]) -> int:
if isinstance(text, str):
# Split text by spaces as a simple tokenization approach

@ -0,0 +1,53 @@
# Why Swarms?
The need for multiple agents to work together in artificial intelligence (AI) and particularly in the context of Large Language Models (LLMs) stems from several inherent limitations and challenges in handling complex, dynamic, and multifaceted tasks with single-agent systems. Collaborating with multiple agents offers a pathway to enhance computational efficiency, cognitive diversity, and problem-solving capabilities. This section delves into the rationale behind employing multi-agent systems and strategizes on overcoming the associated expenses, such as API bills and hosting costs.
### Why Multiple Agents Are Necessary
#### 1. **Cognitive Diversity**
Different agents can bring varied perspectives, knowledge bases, and problem-solving approaches to a task. This diversity is crucial in complex problem-solving scenarios where a single approach might not be sufficient. Cognitive diversity enhances creativity, leading to innovative solutions and the ability to tackle a broader range of problems.
#### 2. **Specialization and Expertise**
In many cases, tasks are too complex for a single agent to handle efficiently. By dividing the task among multiple specialized agents, each can focus on a segment where it excels, thereby increasing the overall efficiency and effectiveness of the solution. This approach leverages the expertise of individual agents to achieve superior performance in tasks that require multifaceted knowledge and skills.
#### 3. **Scalability and Flexibility**
Multi-agent systems can more easily scale to handle large-scale or evolving tasks. Adding more agents to the system can increase its capacity or capabilities, allowing it to adapt to larger workloads or new types of tasks. This scalability is essential in dynamic environments where the demand and nature of tasks can change rapidly.
#### 4. **Robustness and Redundancy**
Collaboration among multiple agents enhances the system's robustness by introducing redundancy. If one agent fails or encounters an error, others can compensate, ensuring the system remains operational. This redundancy is critical in mission-critical applications where failure is not an option.
### Overcoming Expenses with API Bills and Hosting
Deploying multiple agents, especially when relying on cloud-based services or APIs, can incur significant costs. Here are strategies to manage and reduce these expenses:
#### 1. **Optimize Agent Efficiency**
Before scaling up the number of agents, ensure each agent operates as efficiently as possible. This can involve refining algorithms, reducing unnecessary API calls, and optimizing data processing to minimize computational requirements and, consequently, the associated costs.
#### 2. **Use Open Source and Self-Hosted Solutions**
Where possible, leverage open-source models and technologies that can be self-hosted. While there is an initial investment in setting up the infrastructure, over time, self-hosting can significantly reduce costs related to API calls and reliance on third-party services.
#### 3. **Implement Intelligent Caching**
Caching results for frequently asked questions or common tasks can drastically reduce the need for repeated computations or API calls. Intelligent caching systems can determine what information to store and for how long, optimizing the balance between fresh data and computational savings.
#### 4. **Dynamic Scaling and Load Balancing**
Use cloud services that offer dynamic scaling and load balancing to adjust the resources allocated based on the current demand. This ensures you're not paying for idle resources during low-usage periods while still being able to handle high demand when necessary.
#### 5. **Collaborative Cost-Sharing Models**
In scenarios where multiple stakeholders benefit from the multi-agent system, consider implementing a cost-sharing model. This approach distributes the financial burden among the users or beneficiaries, making it more sustainable.
#### 6. **Monitor and Analyze Costs**
Regularly monitor and analyze your usage and associated costs to identify potential savings. Many cloud providers offer tools to track and forecast expenses, helping you to adjust your usage patterns and configurations to minimize costs without sacrificing performance.
### Conclusion
The collaboration of multiple agents in AI systems presents a robust solution to the complexity, specialization, scalability, and robustness challenges inherent in single-agent approaches. While the associated costs can be significant, strategic optimization, leveraging open-source technologies, intelligent caching, dynamic resource management, collaborative cost-sharing, and diligent monitoring can mitigate these expenses. By adopting these strategies, organizations can harness the power of multi-agent systems to tackle complex problems more effectively and efficiently, ensuring the sustainable deployment of these advanced technologies.

@ -3,7 +3,7 @@ import os
from dotenv import load_dotenv
from swarms import GPT4VisionAPI, Agent
from swarms import Agent, GPT4VisionAPI
# Load the environment variables
load_dotenv()

@ -1,6 +1,7 @@
from swarms.agents.multion_agent import MultiOnAgent
import timeit
from swarms import Agent, ConcurrentWorkflow, Task
from swarms.agents.multion_agent import MultiOnAgent
# model
model = MultiOnAgent(multion_api_key="api-key")

@ -1,6 +1,5 @@
from swarms.memory import ChromaDB
# Initialize the memory
chroma = ChromaDB(
metric="cosine",

@ -0,0 +1,10 @@
from swarms.models.azure_openai_llm import AzureOpenAI
# Initialize Azure OpenAI
model = AzureOpenAI()
# Run the model
model(
"Create a youtube script for a video on how to use the swarms"
" framework"
)

@ -1,5 +1,5 @@
from swarms.models import OpenAIChat
from swarms import DialogueSimulator, Worker
from swarms.models import OpenAIChat
llm = OpenAIChat(
model_name="gpt-4", openai_api_key="api-key", temperature=0.5

@ -2,8 +2,8 @@ import os
from dotenv import load_dotenv
from swarms.models import Anthropic, Gemini, Mixtral, OpenAIChat
from swarms import ModelParallelizer
from swarms.models import Anthropic, Gemini, Mixtral, OpenAIChat
load_dotenv()

@ -1,6 +1,7 @@
import os
from dotenv import load_dotenv
from swarms import Agent, OpenAIChat
from swarms.agents.multion_agent import MultiOnAgent
from swarms.memory.chroma_db import ChromaDB

@ -1,6 +1,6 @@
from swarms import OpenAIChat
from swarms.structs.agent import Agent
from swarms.structs.message_pool import MessagePool
from swarms import OpenAIChat
agent1 = Agent(llm=OpenAIChat(), agent_name="agent1")
agent2 = Agent(llm=OpenAIChat(), agent_name="agent2")

@ -2,7 +2,7 @@ import os
from dotenv import load_dotenv
from swarms import OpenAIChat, Agent
from swarms import Agent, OpenAIChat
from swarms.tools.tool import tool
load_dotenv()

@ -5,7 +5,7 @@ build-backend = "poetry.core.masonry.api"
[tool.poetry]
name = "swarms"
version = "4.2.0"
version = "4.2.1"
description = "Swarms - Pytorch"
license = "MIT"
authors = ["Kye Gomez <kye@apac.ai>"]
@ -77,7 +77,6 @@ pinecone-client = "*"
roboflow = "*"
[tool.poetry.group.lint.dependencies]
ruff = ">=0.0.249,<0.1.7"
types-toml = "^0.10.8.1"

@ -0,0 +1,36 @@
from swarms import Agent, OpenAIChat, SequentialWorkflow
# Example usage
llm = OpenAIChat(
temperature=0.5,
max_tokens=3000,
)
# Initialize the Agent with the language agent
agent1 = Agent(
agent_name="John the writer",
llm=llm,
max_loops=1,
dashboard=False,
)
# Create another Agent for a different task
agent2 = Agent("Summarizer", llm=llm, max_loops=1, dashboard=False)
# Create the workflow
workflow = SequentialWorkflow(
name="Blog Generation Workflow",
description=(
"Generate a youtube transcript on how to deploy agents into"
" production"
),
max_loops=1,
autosave=True,
dashboard=False,
agents=[agent1, agent2],
)
# Run the workflow
workflow.run()

@ -1,8 +1,9 @@
import os
import multion
from dotenv import load_dotenv
from swarms.models.base_llm import AbstractLLM
from dotenv import load_dotenv
# Load environment variables
load_dotenv()

@ -6,6 +6,7 @@ from langchain.docstore import InMemoryDocstore
from langchain.embeddings import OpenAIEmbeddings
from langchain.vectorstores import FAISS
from langchain_experimental.autonomous_agents import AutoGPT
from swarms.tools.tool import BaseTool
from swarms.utils.decorators import error_decorator, timing_decorator

@ -1,9 +1,7 @@
from swarms.models.anthropic import Anthropic # noqa: E402
from swarms.models.base_embedding_model import BaseEmbeddingModel
from swarms.models.base_llm import AbstractLLM # noqa: E402
from swarms.models.base_multimodal_model import (
BaseMultiModalModel,
)
from swarms.models.base_multimodal_model import BaseMultiModalModel
# noqa: E402
from swarms.models.biogpt import BioGPT # noqa: E402
@ -25,9 +23,7 @@ from swarms.models.gpt4_vision_api import GPT4VisionAPI # noqa: E402
from swarms.models.huggingface import HuggingfaceLLM # noqa: E402
from swarms.models.idefics import Idefics # noqa: E402
from swarms.models.kosmos_two import Kosmos # noqa: E402
from swarms.models.layoutlm_document_qa import (
LayoutLMDocumentQA,
)
from swarms.models.layoutlm_document_qa import LayoutLMDocumentQA
# noqa: E402
from swarms.models.llava import LavaMultiModal # noqa: E402
@ -47,10 +43,7 @@ from swarms.models.petals import Petals # noqa: E402
from swarms.models.qwen import QwenVLMultiModal # noqa: E402
from swarms.models.roboflow_model import RoboflowMultiModal
from swarms.models.sam_supervision import SegmentAnythingMarkGenerator
from swarms.models.sampling_params import (
SamplingParams,
SamplingType,
)
from swarms.models.sampling_params import SamplingParams, SamplingType
from swarms.models.timm import TimmModel # noqa: E402
# from swarms.models.modelscope_pipeline import ModelScopePipeline
@ -67,15 +60,11 @@ from swarms.models.types import ( # noqa: E402
TextModality,
VideoModality,
)
from swarms.models.ultralytics_model import (
UltralyticsModel,
)
from swarms.models.ultralytics_model import UltralyticsModel
# noqa: E402
from swarms.models.vilt import Vilt # noqa: E402
from swarms.models.wizard_storytelling import (
WizardLLMStoryTeller,
)
from swarms.models.wizard_storytelling import WizardLLMStoryTeller
# noqa: E402
# from swarms.models.vllm import vLLM # noqa: E402

@ -0,0 +1,223 @@
from __future__ import annotations
import logging
import os
from typing import Any, Callable, Mapping
import openai
from langchain_core.pydantic_v1 import (
Field,
SecretStr,
root_validator,
)
from langchain_core.utils import (
convert_to_secret_str,
get_from_dict_or_env,
)
from langchain_openai.llms.base import BaseOpenAI
logger = logging.getLogger(__name__)
class AzureOpenAI(BaseOpenAI):
"""Azure-specific OpenAI large language models.
To use, you should have the ``openai`` python package installed, and the
environment variable ``OPENAI_API_KEY`` set with your API key.
Any parameters that are valid to be passed to the openai.create call can be passed
in, even if not explicitly saved on this class.
Example:
.. code-block:: python
from swarms import AzureOpenAI
openai = AzureOpenAI(model_name="gpt-3.5-turbo-instruct")
"""
azure_endpoint: str | None = None
"""Your Azure endpoint, including the resource.
Automatically inferred from env var `AZURE_OPENAI_ENDPOINT` if not provided.
Example: `https://example-resource.azure.openai.com/`
"""
deployment_name: str | None = Field(
default=None, alias="azure_deployment"
)
"""A model deployment.
If given sets the base client URL to include `/deployments/{azure_deployment}`.
Note: this means you won't be able to use non-deployment endpoints.
"""
openai_api_version: str = Field(default="", alias="api_version")
"""Automatically inferred from env var `OPENAI_API_VERSION` if not provided."""
openai_api_key: SecretStr | None = Field(
default=None, alias="api_key"
)
"""Automatically inferred from env var `AZURE_OPENAI_API_KEY` if not provided."""
azure_ad_token: SecretStr | None = None
"""Your Azure Active Directory token.
Automatically inferred from env var `AZURE_OPENAI_AD_TOKEN` if not provided.
For more:
https://www.microsoft.com/en-us/security/business/identity-access/microsoft-entra-id.
""" # noqa: E501
azure_ad_token_provider: Callable[[], str] | None = None
"""A function that returns an Azure Active Directory token.
Will be invoked on every request.
"""
openai_api_type: str = ""
"""Legacy, for openai<1.0.0 support."""
validate_base_url: bool = True
"""For backwards compatibility. If legacy val openai_api_base is passed in, try to
infer if it is a base_url or azure_endpoint and update accordingly.
"""
@classmethod
def get_lc_namespace(cls) -> list[str]:
"""Get the namespace of the langchain object."""
return ["langchain", "llms", "openai"]
@root_validator()
def validate_environment(cls, values: dict) -> dict:
"""Validate that api key and python package exists in environment."""
if values["n"] < 1:
raise ValueError("n must be at least 1.")
if values["streaming"] and values["n"] > 1:
raise ValueError("Cannot stream results when n > 1.")
if values["streaming"] and values["best_of"] > 1:
raise ValueError(
"Cannot stream results when best_of > 1."
)
# Check OPENAI_KEY for backwards compatibility.
# TODO: Remove OPENAI_API_KEY support to avoid possible conflict when using
# other forms of azure credentials.
openai_api_key = (
values["openai_api_key"]
or os.getenv("AZURE_OPENAI_API_KEY")
or os.getenv("OPENAI_API_KEY")
)
values["openai_api_key"] = (
convert_to_secret_str(openai_api_key)
if openai_api_key
else None
)
values["azure_endpoint"] = values[
"azure_endpoint"
] or os.getenv("AZURE_OPENAI_ENDPOINT")
azure_ad_token = values["azure_ad_token"] or os.getenv(
"AZURE_OPENAI_AD_TOKEN"
)
values["azure_ad_token"] = (
convert_to_secret_str(azure_ad_token)
if azure_ad_token
else None
)
values["openai_api_base"] = values[
"openai_api_base"
] or os.getenv("OPENAI_API_BASE")
values["openai_proxy"] = get_from_dict_or_env(
values,
"openai_proxy",
"OPENAI_PROXY",
default="",
)
values["openai_organization"] = (
values["openai_organization"]
or os.getenv("OPENAI_ORG_ID")
or os.getenv("OPENAI_ORGANIZATION")
)
values["openai_api_version"] = values[
"openai_api_version"
] or os.getenv("OPENAI_API_VERSION")
values["openai_api_type"] = get_from_dict_or_env(
values,
"openai_api_type",
"OPENAI_API_TYPE",
default="azure",
)
# For backwards compatibility. Before openai v1, no distinction was made
# between azure_endpoint and base_url (openai_api_base).
openai_api_base = values["openai_api_base"]
if openai_api_base and values["validate_base_url"]:
if "/openai" not in openai_api_base:
values["openai_api_base"] = (
values["openai_api_base"].rstrip("/") + "/openai"
)
raise ValueError(
"As of openai>=1.0.0, Azure endpoints should be"
" specified via the `azure_endpoint` param not"
" `openai_api_base` (or alias `base_url`)."
)
if values["deployment_name"]:
raise ValueError(
"As of openai>=1.0.0, if `deployment_name` (or"
" alias `azure_deployment`) is specified then"
" `openai_api_base` (or alias `base_url`) should"
" not be. Instead use `deployment_name` (or alias"
" `azure_deployment`) and `azure_endpoint`."
)
values["deployment_name"] = None
client_params = {
"api_version": values["openai_api_version"],
"azure_endpoint": values["azure_endpoint"],
"azure_deployment": values["deployment_name"],
"api_key": (
values["openai_api_key"].get_secret_value()
if values["openai_api_key"]
else None
),
"azure_ad_token": (
values["azure_ad_token"].get_secret_value()
if values["azure_ad_token"]
else None
),
"azure_ad_token_provider": values[
"azure_ad_token_provider"
],
"organization": values["openai_organization"],
"base_url": values["openai_api_base"],
"timeout": values["request_timeout"],
"max_retries": values["max_retries"],
"default_headers": values["default_headers"],
"default_query": values["default_query"],
"http_client": values["http_client"],
}
values["client"] = openai.AzureOpenAI(
**client_params
).completions
values["async_client"] = openai.AsyncAzureOpenAI(
**client_params
).completions
return values
@property
def _identifying_params(self) -> Mapping[str, Any]:
return {
**{"deployment_name": self.deployment_name},
**super()._identifying_params,
}
@property
def _invocation_params(self) -> dict[str, Any]:
openai_params = {"model": self.deployment_name}
return {**openai_params, **super()._invocation_params}
@property
def _llm_type(self) -> str:
"""Return type of llm."""
return "azure"
@property
def lc_attributes(self) -> dict[str, Any]:
return {
"openai_api_type": self.openai_api_type,
"openai_api_version": self.openai_api_version,
}

@ -210,8 +210,6 @@ class CogVLMMultiModal(BaseMultiModalModel):
total_gb = total_bytes / (1 << 30)
if total_gb < 40:
pass
else:
pass
torch.cuda.empty_cache()
@ -463,7 +461,7 @@ class CogVLMMultiModal(BaseMultiModalModel):
elif role == "assistant":
if formatted_history:
if formatted_history[-1][1] != "":
assert False, (
raise AssertionError(
"the last query is answered. answer"
f" again. {formatted_history[-1][0]},"
f" {formatted_history[-1][1]},"
@ -474,9 +472,11 @@ class CogVLMMultiModal(BaseMultiModalModel):
text_content,
)
else:
assert False, "assistant reply before user"
raise AssertionError(
"assistant reply before user"
)
else:
assert False, f"unrecognized role: {role}"
raise AssertionError(f"unrecognized role: {role}")
return last_user_query, formatted_history, image_list

@ -1,8 +1,10 @@
from transformers import AutoModelForCausalLM, AutoTokenizer
import json
from swarms.models.base_llm import AbstractLLM
from typing import Any
from transformers import AutoModelForCausalLM, AutoTokenizer
from swarms.models.base_llm import AbstractLLM
class FireFunctionCaller(AbstractLLM):
"""

@ -1,4 +1,5 @@
from unittest.mock import MagicMock
from swarms.models.fire_function import FireFunctionCaller

@ -8,6 +8,7 @@ import time
import uuid
from typing import Any, Callable, Dict, List, Optional, Tuple
import yaml
from loguru import logger
from termcolor import colored
@ -31,7 +32,6 @@ from swarms.utils.video_to_frames import (
save_frames_as_images,
video_to_frames,
)
import yaml
# Utils
@ -671,9 +671,9 @@ class Agent:
):
break
if self.parse_done_token:
if parse_done_token(response):
break
# if self.parse_done_token:
# if parse_done_token(response):
# break
if self.stopping_func is not None:
if self.stopping_func(response) is True:

@ -2,9 +2,9 @@ import asyncio
from dataclasses import dataclass, field
from typing import Any, Callable, List, Optional
from swarms.structs.agent import Agent
from swarms.structs.task import Task
from swarms.utils.logger import logger
from swarms.structs.agent import Agent
@dataclass

@ -3,8 +3,10 @@ from typing import Any, Dict, List, Optional
from termcolor import colored
from swarms.structs.agent import Agent
from swarms.structs.base import BaseStructure
from swarms.structs.task import Task
from swarms.utils.loguru_logger import logger
class BaseWorkflow(BaseStructure):
@ -14,18 +16,27 @@ class BaseWorkflow(BaseStructure):
Attributes:
task_pool (list): A list to store tasks.
Methods:
add(task: Task = None, tasks: List[Task] = None, *args, **kwargs):
Adds a task or a list of tasks to the task pool.
run():
Abstract method to run the workflow.
"""
def __init__(self, *args, **kwargs):
super().__init__(*args, **kwargs)
self.task_pool = []
self.agent_pool = []
# Logging
logger.info("Number of agents activated:")
if self.agents:
logger.info(f"Agents: {len(self.agents)}")
else:
logger.info("No agents activated.")
def add(
if self.task_pool:
logger.info(f"Task Pool Size: {len(self.task_pool)}")
else:
logger.info("Task Pool is empty.")
def add_task(
self,
task: Task = None,
tasks: List[Task] = None,
@ -51,6 +62,9 @@ class BaseWorkflow(BaseStructure):
"You must provide a task or a list of tasks"
)
def add_agent(self, agent: Agent, *args, **kwargs):
return self.agent_pool(agent)
def run(self):
"""
Abstract method to run the workflow.
@ -327,3 +341,55 @@ class BaseWorkflow(BaseStructure):
"red",
)
)
def workflow_dashboard(self, **kwargs) -> None:
"""
Displays a dashboard for the workflow.
Args:
**kwargs: Additional keyword arguments to pass to the dashboard.
Examples:
>>> from swarms.models import OpenAIChat
>>> from swarms.structs import SequentialWorkflow
>>> llm = OpenAIChat(openai_api_key="")
>>> workflow = SequentialWorkflow(max_loops=1)
>>> workflow.add("What's the weather in miami", llm)
>>> workflow.add("Create a report on these metrics", llm)
>>> workflow.workflow_dashboard()
"""
print(
colored(
f"""
Sequential Workflow Dashboard
--------------------------------
Name: {self.name}
Description: {self.description}
task_pool: {len(self.task_pool)}
Max Loops: {self.max_loops}
Autosave: {self.autosave}
Autosave Filepath: {self.saved_state_filepath}
Restore Filepath: {self.restore_state_filepath}
--------------------------------
Metadata:
kwargs: {kwargs}
""",
"cyan",
attrs=["bold", "underline"],
)
)
def workflow_bootup(self, **kwargs) -> None:
"""
Workflow bootup.
"""
print(
colored(
"""
Sequential Workflow Initializing...""",
"green",
attrs=["bold", "underline"],
)
)

@ -1,15 +1,15 @@
import asyncio
import concurrent.futures
import re
import sys
from collections import Counter
from multiprocessing import Pool
from typing import Any, List
from swarms.structs.agent import Agent
from swarms.structs.conversation import Conversation
from loguru import logger
import sys
from swarms.structs.agent import Agent
from swarms.structs.conversation import Conversation
# Configure loguru logger with advanced settings
logger.remove()

@ -1,14 +1,12 @@
import json
from dataclasses import dataclass
from typing import Any, Dict, List, Optional
from termcolor import colored
from swarms.structs.task import Task
# from swarms.utils.logger import logger
from swarms.structs.agent import Agent
from swarms.structs.conversation import Conversation
from swarms.structs.task import Task
from swarms.utils.loguru_logger import logger
@ -61,8 +59,16 @@ class SequentialWorkflow:
)
# Logging
logger.info(f"Number of agents activated: {len(self.agents)}")
logger.info(f"Task Pool Size: {self.task_pool}")
logger.info("Number of agents activated:")
if self.agents:
logger.info(f"Agents: {len(self.agents)}")
else:
logger.info("No agents activated.")
if self.task_pool:
logger.info(f"Task Pool Size: {len(self.task_pool)}")
else:
logger.info("Task Pool is empty.")
def add(
self,
@ -81,7 +87,6 @@ class SequentialWorkflow:
*args: Additional arguments to pass to the task execution.
**kwargs: Additional keyword arguments to pass to the task execution.
"""
logger.info("A")
for agent in self.agents:
out = agent(str(self.description))
self.conversation.add(agent.agent_name, out)
@ -169,217 +174,65 @@ class SequentialWorkflow:
),
)
def save_workflow_state(
self,
filepath: Optional[str] = "sequential_workflow_state.json",
**kwargs,
) -> None:
"""
Saves the workflow state to a json file.
Args:
filepath (str): The path to save the workflow state to.
Examples:
>>> from swarms.models import OpenAIChat
>>> from swarms.structs import SequentialWorkflow
>>> llm = OpenAIChat(openai_api_key="")
>>> workflow = SequentialWorkflow(max_loops=1)
>>> workflow.add("What's the weather in miami", llm)
>>> workflow.add("Create a report on these metrics", llm)
>>> workflow.save_workflow_state("sequential_workflow_state.json")
"""
try:
filepath = filepath or self.saved_state_filepath
with open(filepath, "w") as f:
# Saving the state as a json for simplicuty
state = {
"task_pool": [
{
"description": task.description,
"args": task.args,
"kwargs": task.kwargs,
"result": task.result,
"history": task.history,
}
for task in self.task_pool
],
"max_loops": self.max_loops,
}
json.dump(state, f, indent=4)
logger.info(
"[INFO][SequentialWorkflow] Saved workflow state to"
f" {filepath}"
)
except Exception as error:
logger.error(
colored(
f"Error saving workflow state: {error}",
"red",
)
)
def workflow_bootup(self, **kwargs) -> None:
"""
Workflow bootup.
"""
print(
colored(
"""
Sequential Workflow Initializing...""",
"green",
attrs=["bold", "underline"],
)
)
def workflow_dashboard(self, **kwargs) -> None:
"""
Displays a dashboard for the workflow.
Args:
**kwargs: Additional keyword arguments to pass to the dashboard.
Examples:
>>> from swarms.models import OpenAIChat
>>> from swarms.structs import SequentialWorkflow
>>> llm = OpenAIChat(openai_api_key="")
>>> workflow = SequentialWorkflow(max_loops=1)
>>> workflow.add("What's the weather in miami", llm)
>>> workflow.add("Create a report on these metrics", llm)
>>> workflow.workflow_dashboard()
"""
print(
colored(
f"""
Sequential Workflow Dashboard
--------------------------------
Name: {self.name}
Description: {self.description}
task_pool: {len(self.task_pool)}
Max Loops: {self.max_loops}
Autosave: {self.autosave}
Autosave Filepath: {self.saved_state_filepath}
Restore Filepath: {self.restore_state_filepath}
--------------------------------
Metadata:
kwargs: {kwargs}
""",
"cyan",
attrs=["bold", "underline"],
)
)
def workflow_shutdown(self, **kwargs) -> None:
"""Shuts down the workflow."""
print(
colored(
"""
Sequential Workflow Shutdown...""",
"red",
attrs=["bold", "underline"],
)
)
def load_workflow_state(
self, filepath: str = None, **kwargs
) -> None:
"""
Loads the workflow state from a json file and restores the workflow state.
Args:
filepath (str): The path to load the workflow state from.
Examples:
>>> from swarms.models import OpenAIChat
>>> from swarms.structs import SequentialWorkflow
>>> llm = OpenAIChat(openai_api_key="")
>>> workflow = SequentialWorkflow(max_loops=1)
>>> workflow.add("What's the weather in miami", llm)
>>> workflow.add("Create a report on these metrics", llm)
>>> workflow.save_workflow_state("sequential_workflow_state.json")
>>> workflow.load_workflow_state("sequential_workflow_state.json")
"""
try:
filepath = filepath or self.restore_state_filepath
with open(filepath) as f:
state = json.load(f)
self.max_loops = state["max_loops"]
self.task_pool = []
for task_state in state["task_pool"]:
task = Task(
description=task_state["description"],
agent=task_state["agent"],
args=task_state["args"],
kwargs=task_state["kwargs"],
result=task_state["result"],
history=task_state["history"],
)
self.task_pool.append(task)
print(
"[INFO][SequentialWorkflow] Loaded workflow state"
f" from {filepath}"
)
except Exception as error:
logger.error(
colored(
f"Error loading workflow state: {error}",
"red",
)
)
def run(self) -> None:
"""
Run the workflow.
Raises:
ValueError: If a Agent instance is used as a task and the 'task' argument is not provided.
ValueError: If an Agent instance is used as a task and the 'task' argument is not provided.
"""
try:
self.workflow_bootup()
loops = 0
while loops < self.max_loops:
for i in range(len(self.task_pool)):
task = self.task_pool[i]
# Check if the current task can be executed
if task.result is None:
# Get the inputs for the current task
task.context(task)
result = task.execute()
# Pass the inputs to the next task
if i < len(self.task_pool) - 1:
next_task = self.task_pool[i + 1]
next_task.description = result
# Execute the current task
task.execute()
# Autosave the workflow state
if self.autosave:
self.save_workflow_state(
"sequential_workflow_state.json"
)
self.workflow_shutdown()
loops += 1
except Exception as e:
logger.error(
colored(
(
"Error initializing the Sequential workflow:"
f" {e} try optimizing your inputs like the"
" agent class and task description"
),
"red",
attrs=["bold", "underline"],
)
)
self.workflow_bootup()
loops = 0
while loops < self.max_loops:
for i, agent in enumerate(self.agents):
logger.info(f"Agent {i+1} is executing the task.")
out = agent(self.description)
self.conversation.add(agent.agent_name, str(out))
prompt = self.conversation.return_history_as_string()
print(prompt)
print("Next agent...........")
out = agent(prompt)
return out
# try:
# self.workflow_bootup()
# loops = 0
# while loops < self.max_loops:
# for i in range(len(self.task_pool)):
# task = self.task_pool[i]
# # Check if the current task can be executed
# if task.result is None:
# # Get the inputs for the current task
# task.context(task)
# result = task.execute()
# # Pass the inputs to the next task
# if i < len(self.task_pool) - 1:
# next_task = self.task_pool[i + 1]
# next_task.description = result
# # Execute the current task
# task.execute()
# # Autosave the workflow state
# if self.autosave:
# self.save_workflow_state(
# "sequential_workflow_state.json"
# )
# self.workflow_shutdown()
# loops += 1
# except Exception as e:
# logger.error(
# colored(
# (
# "Error initializing the Sequential workflow:"
# f" {e} try optimizing your inputs like the"
# " agent class and task description"
# ),
# "red",
# attrs=["bold", "underline"],
# )
# )

@ -1,6 +1,6 @@
from loguru import logger
logger = logger.add(
logger.add(
"MessagePool.log",
level="INFO",
colorize=True,

@ -1,6 +1,7 @@
import cv2
from typing import List
import cv2
def video_to_frames(video_file: str) -> List:
"""

@ -1,5 +1,7 @@
from unittest.mock import MagicMock, patch
import pytest
from unittest.mock import patch, MagicMock
from swarms.agents.multion_agent import MultiOnAgent

@ -1,6 +1,5 @@
from unittest.mock import MagicMock
from swarms.models.fire_function import FireFunctionCaller

@ -1,6 +1,6 @@
from swarms import OpenAIChat
from swarms.structs.agent import Agent
from swarms.structs.message_pool import MessagePool
from swarms import OpenAIChat
def test_message_pool_initialization():

@ -1,5 +1,6 @@
import pypdf
import pytest
from swarms.utils import pdf_to_text

Loading…
Cancel
Save