commit
317b274ed6
@ -0,0 +1,22 @@
|
||||
import os
|
||||
from dotenv import load_dotenv
|
||||
from swarms.agents.worker_agent import Worker
|
||||
from swarms import OpenAIChat
|
||||
|
||||
load_dotenv()
|
||||
|
||||
api_key = os.getenv("OPENAI_API_KEY")
|
||||
|
||||
worker = Worker(
|
||||
name="My Worker",
|
||||
role="Worker",
|
||||
human_in_the_loop=False,
|
||||
tools=[],
|
||||
temperature=0.5,
|
||||
llm=OpenAIChat(openai_api_key=api_key),
|
||||
)
|
||||
|
||||
out = worker.run(
|
||||
"Hello, how are you? Create an image of how your are doing!"
|
||||
)
|
||||
print(out)
|
@ -1,10 +1,14 @@
|
||||
from swarms import OpenAITTS
|
||||
import os
|
||||
from dotenv import load_dotenv
|
||||
|
||||
load_dotenv()
|
||||
|
||||
tts = OpenAITTS(
|
||||
model_name="tts-1-1106",
|
||||
voice="onyx",
|
||||
openai_api_key="YOUR_API_KEY",
|
||||
openai_api_key=os.getenv("OPENAI_API_KEY"),
|
||||
)
|
||||
|
||||
out = tts.run_and_save("pliny is a girl and a chicken")
|
||||
out = tts.run_and_save("Dammmmmm those tacos were good")
|
||||
print(out)
|
||||
|
@ -0,0 +1,199 @@
|
||||
import os
|
||||
from typing import Any, List
|
||||
|
||||
import faiss
|
||||
from langchain.docstore import InMemoryDocstore
|
||||
from langchain.embeddings import OpenAIEmbeddings
|
||||
from langchain.vectorstores import FAISS
|
||||
from langchain_experimental.autonomous_agents import AutoGPT
|
||||
|
||||
from swarms.utils.decorators import error_decorator, timing_decorator
|
||||
|
||||
|
||||
class Worker:
|
||||
"""
|
||||
The Worker class represents an autonomous agent that can perform tassks through
|
||||
function calls or by running a chat.
|
||||
|
||||
Args:
|
||||
name (str, optional): Name of the agent. Defaults to "Autobot Swarm Worker".
|
||||
role (str, optional): Role of the agent. Defaults to "Worker in a swarm".
|
||||
external_tools (list, optional): List of external tools. Defaults to None.
|
||||
human_in_the_loop (bool, optional): Whether to include human in the loop. Defaults to False.
|
||||
temperature (float, optional): Temperature for the agent. Defaults to 0.5.
|
||||
llm ([type], optional): Language model. Defaults to None.
|
||||
openai_api_key (str, optional): OpenAI API key. Defaults to None.
|
||||
|
||||
Raises:
|
||||
RuntimeError: If there is an error while setting up the agent.
|
||||
|
||||
Example:
|
||||
>>> worker = Worker(
|
||||
... name="My Worker",
|
||||
... role="Worker",
|
||||
... external_tools=[MyTool1(), MyTool2()],
|
||||
... human_in_the_loop=False,
|
||||
... temperature=0.5,
|
||||
... )
|
||||
>>> worker.run("What's the weather in Miami?")
|
||||
|
||||
"""
|
||||
|
||||
def __init__(
|
||||
self,
|
||||
name: str = "WorkerAgent",
|
||||
role: str = "Worker in a swarm",
|
||||
external_tools=None,
|
||||
human_in_the_loop: bool = False,
|
||||
temperature: float = 0.5,
|
||||
llm=None,
|
||||
openai_api_key: str = None,
|
||||
tools: List[Any] = None,
|
||||
embedding_size: int = 1536,
|
||||
search_kwargs: dict = {"k": 8},
|
||||
*args,
|
||||
**kwargs,
|
||||
):
|
||||
self.name = name
|
||||
self.role = role
|
||||
self.external_tools = external_tools
|
||||
self.human_in_the_loop = human_in_the_loop
|
||||
self.temperature = temperature
|
||||
self.llm = llm
|
||||
self.openai_api_key = openai_api_key
|
||||
self.tools = tools
|
||||
self.embedding_size = embedding_size
|
||||
self.search_kwargs = search_kwargs
|
||||
|
||||
self.setup_tools(external_tools)
|
||||
self.setup_memory()
|
||||
self.setup_agent()
|
||||
|
||||
def reset(self):
|
||||
"""
|
||||
Reset the message history.
|
||||
"""
|
||||
self.message_history = []
|
||||
|
||||
def receieve(self, name: str, message: str) -> None:
|
||||
"""
|
||||
Receive a message and update the message history.
|
||||
|
||||
Parameters:
|
||||
- `name` (str): The name of the sender.
|
||||
- `message` (str): The received message.
|
||||
"""
|
||||
self.message_history.append(f"{name}: {message}")
|
||||
|
||||
def send(self) -> str:
|
||||
"""Send message history."""
|
||||
self.agent.run(task=self.message_history)
|
||||
|
||||
def setup_tools(self, external_tools):
|
||||
"""
|
||||
Set up tools for the worker.
|
||||
|
||||
Parameters:
|
||||
- `external_tools` (list): List of external tools (optional).
|
||||
|
||||
Example:
|
||||
```
|
||||
external_tools = [MyTool1(), MyTool2()]
|
||||
worker = Worker(model_name="gpt-4",
|
||||
openai_api_key="my_key",
|
||||
name="My Worker",
|
||||
role="Worker",
|
||||
external_tools=external_tools,
|
||||
human_in_the_loop=False,
|
||||
temperature=0.5)
|
||||
```
|
||||
"""
|
||||
if self.tools is None:
|
||||
self.tools = []
|
||||
|
||||
if external_tools is not None:
|
||||
self.tools.extend(external_tools)
|
||||
|
||||
def setup_memory(self):
|
||||
"""
|
||||
Set up memory for the worker.
|
||||
"""
|
||||
openai_api_key = (
|
||||
os.getenv("OPENAI_API_KEY") or self.openai_api_key
|
||||
)
|
||||
try:
|
||||
embeddings_model = OpenAIEmbeddings(
|
||||
openai_api_key=openai_api_key
|
||||
)
|
||||
embedding_size = self.embedding_size
|
||||
index = faiss.IndexFlatL2(embedding_size)
|
||||
|
||||
self.vectorstore = FAISS(
|
||||
embeddings_model.embed_query,
|
||||
index,
|
||||
InMemoryDocstore({}),
|
||||
{},
|
||||
)
|
||||
|
||||
except Exception as error:
|
||||
raise RuntimeError(
|
||||
"Error setting up memory perhaps try try tuning the"
|
||||
f" embedding size: {error}"
|
||||
)
|
||||
|
||||
def setup_agent(self):
|
||||
"""
|
||||
Set up the autonomous agent.
|
||||
"""
|
||||
try:
|
||||
self.agent = AutoGPT.from_llm_and_tools(
|
||||
ai_name=self.name,
|
||||
ai_role=self.role,
|
||||
tools=self.tools,
|
||||
llm=self.llm,
|
||||
memory=self.vectorstore.as_retriever(
|
||||
search_kwargs=self.search_kwargs
|
||||
),
|
||||
human_in_the_loop=self.human_in_the_loop,
|
||||
)
|
||||
|
||||
except Exception as error:
|
||||
raise RuntimeError(f"Error setting up agent: {error}")
|
||||
|
||||
# @log_decorator
|
||||
@error_decorator
|
||||
@timing_decorator
|
||||
def run(self, task: str = None, *args, **kwargs):
|
||||
"""
|
||||
Run the autonomous agent on a given task.
|
||||
|
||||
Parameters:
|
||||
- `task`: The task to be processed.
|
||||
|
||||
Returns:
|
||||
- `result`: The result of the agent's processing.
|
||||
"""
|
||||
try:
|
||||
result = self.agent.run([task], *args, **kwargs)
|
||||
return result
|
||||
except Exception as error:
|
||||
raise RuntimeError(f"Error while running agent: {error}")
|
||||
|
||||
# @log_decorator
|
||||
@error_decorator
|
||||
@timing_decorator
|
||||
def __call__(self, task: str = None, *args, **kwargs):
|
||||
"""
|
||||
Make the worker callable to run the agent on a given task.
|
||||
|
||||
Parameters:
|
||||
- `task`: The task to be processed.
|
||||
|
||||
Returns:
|
||||
- `results`: The results of the agent's processing.
|
||||
"""
|
||||
try:
|
||||
results = self.run(task, *args, **kwargs)
|
||||
return results
|
||||
except Exception as error:
|
||||
raise RuntimeError(f"Error while running agent: {error}")
|
@ -0,0 +1,91 @@
|
||||
import supervision as sv
|
||||
from ultraanalytics import YOLO
|
||||
from tqdm import tqdm
|
||||
from swarms.models.base_llm import AbstractLLM
|
||||
|
||||
|
||||
class Odin(AbstractLLM):
|
||||
"""
|
||||
Odin class represents an object detection and tracking model.
|
||||
|
||||
Args:
|
||||
source_weights_path (str): Path to the weights file for the object detection model.
|
||||
source_video_path (str): Path to the source video file.
|
||||
target_video_path (str): Path to save the output video file.
|
||||
confidence_threshold (float): Confidence threshold for object detection.
|
||||
iou_threshold (float): Intersection over Union (IoU) threshold for object detection.
|
||||
|
||||
Attributes:
|
||||
source_weights_path (str): Path to the weights file for the object detection model.
|
||||
source_video_path (str): Path to the source video file.
|
||||
target_video_path (str): Path to save the output video file.
|
||||
confidence_threshold (float): Confidence threshold for object detection.
|
||||
iou_threshold (float): Intersection over Union (IoU) threshold for object detection.
|
||||
"""
|
||||
|
||||
def __init__(
|
||||
self,
|
||||
source_weights_path: str = None,
|
||||
target_video_path: str = None,
|
||||
confidence_threshold: float = 0.3,
|
||||
iou_threshold: float = 0.7,
|
||||
):
|
||||
super(Odin, self).__init__()
|
||||
self.source_weights_path = source_weights_path
|
||||
self.target_video_path = target_video_path
|
||||
self.confidence_threshold = confidence_threshold
|
||||
self.iou_threshold = iou_threshold
|
||||
|
||||
def run(self, video_path: str, *args, **kwargs):
|
||||
"""
|
||||
Runs the object detection and tracking algorithm on the specified video.
|
||||
|
||||
Args:
|
||||
video_path (str): The path to the input video file.
|
||||
*args: Additional positional arguments.
|
||||
**kwargs: Additional keyword arguments.
|
||||
|
||||
Returns:
|
||||
bool: True if the video was processed successfully, False otherwise.
|
||||
"""
|
||||
model = YOLO(self.source_weights_path)
|
||||
|
||||
tracker = sv.ByteTrack()
|
||||
box_annotator = sv.BoxAnnotator()
|
||||
frame_generator = sv.get_video_frames_generator(
|
||||
source_path=self.source_video_path
|
||||
)
|
||||
video_info = sv.VideoInfo.from_video_path(
|
||||
video_path=video_path
|
||||
)
|
||||
|
||||
with sv.VideoSink(
|
||||
target_path=self.target_video_path, video_info=video_info
|
||||
) as sink:
|
||||
for frame in tqdm(
|
||||
frame_generator, total=video_info.total_frames
|
||||
):
|
||||
results = model(
|
||||
frame,
|
||||
verbose=True,
|
||||
conf=self.confidence_threshold,
|
||||
iou=self.iou_threshold,
|
||||
)[0]
|
||||
detections = sv.Detections.from_ultranalytics(results)
|
||||
detections = tracker.update_with_detections(
|
||||
detections
|
||||
)
|
||||
|
||||
labels = [
|
||||
f"#{tracker_id} {model.model.names[class_id]}"
|
||||
for _, _, _, class_id, tracker_id in detections
|
||||
]
|
||||
|
||||
annotated_frame = box_annotator.annotate(
|
||||
scene=frame.copy(),
|
||||
detections=detections,
|
||||
labels=labels,
|
||||
)
|
||||
|
||||
result = sink.write_frame(frame=annotated_frame)
|
||||
return result
|
@ -0,0 +1,422 @@
|
||||
# Copyright (c) OpenMMLab. All rights reserved.
|
||||
import json
|
||||
import os
|
||||
import os.path as osp
|
||||
from collections import deque
|
||||
from typing import List, Optional, Sequence, Union
|
||||
|
||||
import torch
|
||||
|
||||
from swarms.utils.get_logger import get_logger
|
||||
|
||||
|
||||
class SentencePieceTokenizer:
|
||||
"""Tokenizer of sentencepiece.
|
||||
|
||||
Args:
|
||||
model_file (str): the path of the tokenizer model
|
||||
"""
|
||||
|
||||
def __init__(self, model_file: str):
|
||||
from sentencepiece import SentencePieceProcessor
|
||||
|
||||
self.model = SentencePieceProcessor(model_file=model_file)
|
||||
self._prefix_space_tokens = None
|
||||
# for stop words
|
||||
self._maybe_decode_bytes: bool = None
|
||||
# TODO maybe lack a constant.py
|
||||
self._indexes_tokens_deque = deque(maxlen=10)
|
||||
self.max_indexes_num = 5
|
||||
self.logger = get_logger("lmdeploy")
|
||||
|
||||
@property
|
||||
def vocab_size(self):
|
||||
"""vocabulary size."""
|
||||
return self.model.vocab_size()
|
||||
|
||||
@property
|
||||
def bos_token_id(self):
|
||||
"""begine of the sentence token id."""
|
||||
return self.model.bos_id()
|
||||
|
||||
@property
|
||||
def eos_token_id(self):
|
||||
"""end of the sentence token id."""
|
||||
return self.model.eos_id()
|
||||
|
||||
@property
|
||||
def prefix_space_tokens(self):
|
||||
"""tokens without prefix space."""
|
||||
if self._prefix_space_tokens is None:
|
||||
vocab = self.model.IdToPiece(list(range(self.vocab_size)))
|
||||
self._prefix_space_tokens = {
|
||||
i
|
||||
for i, tok in enumerate(vocab)
|
||||
if tok.startswith("▁")
|
||||
}
|
||||
return self._prefix_space_tokens
|
||||
|
||||
def _maybe_add_prefix_space(self, tokens, decoded):
|
||||
"""maybe add prefix space for incremental decoding."""
|
||||
if (
|
||||
len(tokens)
|
||||
and not decoded.startswith(" ")
|
||||
and tokens[0] in self.prefix_space_tokens
|
||||
):
|
||||
return " " + decoded
|
||||
else:
|
||||
return decoded
|
||||
|
||||
def indexes_containing_token(self, token: str):
|
||||
"""Return all the possible indexes, whose decoding output may contain
|
||||
the input token."""
|
||||
# traversing vocab is time consuming, can not be accelerated with
|
||||
# multi threads (computation) or multi process (can't pickle tokenizer)
|
||||
# so, we maintain latest 10 stop words and return directly if matched
|
||||
for _token, _indexes in self._indexes_tokens_deque:
|
||||
if token == _token:
|
||||
return _indexes
|
||||
if token == " ": # ' ' is special
|
||||
token = "▁"
|
||||
vocab = self.model.IdToPiece(list(range(self.vocab_size)))
|
||||
indexes = [i for i, voc in enumerate(vocab) if token in voc]
|
||||
if len(indexes) > self.max_indexes_num:
|
||||
indexes = self.encode(token, add_bos=False)[-1:]
|
||||
self.logger.warning(
|
||||
f"There are too many(>{self.max_indexes_num})"
|
||||
f" possible indexes may decoding {token}, we will use"
|
||||
f" {indexes} only"
|
||||
)
|
||||
self._indexes_tokens_deque.append((token, indexes))
|
||||
return indexes
|
||||
|
||||
def encode(self, s: str, add_bos: bool = True, **kwargs):
|
||||
"""Tokenize a prompt.
|
||||
|
||||
Args:
|
||||
s (str): a prompt
|
||||
Returns:
|
||||
list[int]: token ids
|
||||
"""
|
||||
return self.model.Encode(s, add_bos=add_bos, **kwargs)
|
||||
|
||||
def decode(self, t: Sequence[int], offset: Optional[int] = None):
|
||||
"""De-tokenize.
|
||||
|
||||
Args:
|
||||
t (List[int]): a list of token ids
|
||||
offset (int): for incrementally decoding. Default to None, which
|
||||
means not applied.
|
||||
Returns:
|
||||
str: text of decoding tokens
|
||||
"""
|
||||
if isinstance(t, torch.Tensor):
|
||||
t = t.tolist()
|
||||
t = t[offset:]
|
||||
out_string = self.model.Decode(t)
|
||||
if offset:
|
||||
out_string = self._maybe_add_prefix_space(t, out_string)
|
||||
return out_string
|
||||
|
||||
def __call__(self, s: Union[str, Sequence[str]]):
|
||||
"""Tokenize prompts.
|
||||
|
||||
Args:
|
||||
s (str): prompts
|
||||
Returns:
|
||||
list[int]: token ids
|
||||
"""
|
||||
import addict
|
||||
|
||||
add_bos = False
|
||||
add_eos = False
|
||||
|
||||
input_ids = self.model.Encode(
|
||||
s, add_bos=add_bos, add_eos=add_eos
|
||||
)
|
||||
return addict.Addict(input_ids=input_ids)
|
||||
|
||||
|
||||
class HuggingFaceTokenizer:
|
||||
"""Tokenizer of sentencepiece.
|
||||
|
||||
Args:
|
||||
model_dir (str): the directory of the tokenizer model
|
||||
"""
|
||||
|
||||
def __init__(self, model_dir: str):
|
||||
from transformers import AutoTokenizer
|
||||
|
||||
model_file = osp.join(model_dir, "tokenizer.model")
|
||||
backend_tokenizer_file = osp.join(model_dir, "tokenizer.json")
|
||||
model_file_exists = osp.exists(model_file)
|
||||
self.logger = get_logger("lmdeploy")
|
||||
if (
|
||||
not osp.exists(backend_tokenizer_file)
|
||||
and model_file_exists
|
||||
):
|
||||
self.logger.warning(
|
||||
"Can not find tokenizer.json. "
|
||||
"It may take long time to initialize the tokenizer."
|
||||
)
|
||||
self.model = AutoTokenizer.from_pretrained(
|
||||
model_dir, trust_remote_code=True
|
||||
)
|
||||
self._prefix_space_tokens = None
|
||||
# save tokenizer.json to reuse
|
||||
if (
|
||||
not osp.exists(backend_tokenizer_file)
|
||||
and model_file_exists
|
||||
):
|
||||
if hasattr(self.model, "backend_tokenizer"):
|
||||
if os.access(model_dir, os.W_OK):
|
||||
self.model.backend_tokenizer.save(
|
||||
backend_tokenizer_file
|
||||
)
|
||||
|
||||
if self.model.eos_token_id is None:
|
||||
generation_config_file = osp.join(
|
||||
model_dir, "generation_config.json"
|
||||
)
|
||||
if osp.exists(generation_config_file):
|
||||
with open(generation_config_file, "r") as f:
|
||||
cfg = json.load(f)
|
||||
self.model.eos_token_id = cfg["eos_token_id"]
|
||||
elif hasattr(self.model, "eod_id"): # Qwen remote
|
||||
self.model.eos_token_id = self.model.eod_id
|
||||
|
||||
# for stop words
|
||||
self._maybe_decode_bytes: bool = None
|
||||
# TODO maybe lack a constant.py
|
||||
self._indexes_tokens_deque = deque(maxlen=10)
|
||||
self.max_indexes_num = 5
|
||||
self.token2id = {}
|
||||
|
||||
@property
|
||||
def vocab_size(self):
|
||||
"""vocabulary size."""
|
||||
return self.model.vocab_size
|
||||
|
||||
@property
|
||||
def bos_token_id(self):
|
||||
"""begine of the sentence token id."""
|
||||
return self.model.bos_token_id
|
||||
|
||||
@property
|
||||
def eos_token_id(self):
|
||||
"""end of the sentence token id."""
|
||||
return self.model.eos_token_id
|
||||
|
||||
@property
|
||||
def prefix_space_tokens(self):
|
||||
"""tokens without prefix space."""
|
||||
if self._prefix_space_tokens is None:
|
||||
vocab = self.model.convert_ids_to_tokens(
|
||||
list(range(self.vocab_size))
|
||||
)
|
||||
self._prefix_space_tokens = {
|
||||
i
|
||||
for i, tok in enumerate(vocab)
|
||||
if tok.startswith(
|
||||
"▁" if isinstance(tok, str) else b" "
|
||||
)
|
||||
}
|
||||
return self._prefix_space_tokens
|
||||
|
||||
def _maybe_add_prefix_space(
|
||||
self, tokens: List[int], decoded: str
|
||||
):
|
||||
"""maybe add prefix space for incremental decoding."""
|
||||
if (
|
||||
len(tokens)
|
||||
and not decoded.startswith(" ")
|
||||
and tokens[0] in self.prefix_space_tokens
|
||||
):
|
||||
return " " + decoded
|
||||
else:
|
||||
return decoded
|
||||
|
||||
@property
|
||||
def maybe_decode_bytes(self):
|
||||
"""Check if self.model.convert_ids_to_tokens return not a str value."""
|
||||
if self._maybe_decode_bytes is None:
|
||||
self._maybe_decode_bytes = False
|
||||
vocab = self.model.convert_ids_to_tokens(
|
||||
list(range(self.vocab_size))
|
||||
)
|
||||
for tok in vocab:
|
||||
if not isinstance(tok, str):
|
||||
self._maybe_decode_bytes = True
|
||||
break
|
||||
return self._maybe_decode_bytes
|
||||
|
||||
def indexes_containing_token(self, token: str):
|
||||
"""Return all the possible indexes, whose decoding output may contain
|
||||
the input token."""
|
||||
# traversing vocab is time consuming, can not be accelerated with
|
||||
# multi threads (computation) or multi process (can't pickle tokenizer)
|
||||
# so, we maintain latest 10 stop words and return directly if matched
|
||||
for _token, _indexes in self._indexes_tokens_deque:
|
||||
if token == _token:
|
||||
return _indexes
|
||||
|
||||
if self.token2id == {}:
|
||||
# decode is slower than convert_ids_to_tokens
|
||||
if self.maybe_decode_bytes:
|
||||
self.token2id = {
|
||||
self.model.decode(i): i
|
||||
for i in range(self.vocab_size)
|
||||
}
|
||||
else:
|
||||
self.token2id = {
|
||||
self.model.convert_ids_to_tokens(i): i
|
||||
for i in range(self.vocab_size)
|
||||
}
|
||||
if token == " ": # ' ' is special
|
||||
token = "▁"
|
||||
indexes = [
|
||||
i
|
||||
for _token, i in self.token2id.items()
|
||||
if token in _token
|
||||
]
|
||||
if len(indexes) > self.max_indexes_num:
|
||||
indexes = self.encode(token, add_bos=False)[-1:]
|
||||
self.logger.warning(
|
||||
f"There are too many(>{self.max_indexes_num})"
|
||||
f" possible indexes may decoding {token}, we will use"
|
||||
f" {indexes} only"
|
||||
)
|
||||
self._indexes_tokens_deque.append((token, indexes))
|
||||
return indexes
|
||||
|
||||
def encode(self, s: str, add_bos: bool = True, **kwargs):
|
||||
"""Tokenize a prompt.
|
||||
|
||||
Args:
|
||||
s (str): a prompt
|
||||
Returns:
|
||||
list[int]: token ids
|
||||
"""
|
||||
encoded = self.model.encode(s, **kwargs)
|
||||
if not add_bos:
|
||||
# in the middle of a session
|
||||
if len(encoded) and encoded[0] == self.bos_token_id:
|
||||
encoded = encoded[1:]
|
||||
return encoded
|
||||
|
||||
def decode(self, t: Sequence[int], offset: Optional[int] = None):
|
||||
"""De-tokenize.
|
||||
|
||||
Args:
|
||||
t (List[int]): a list of token ids
|
||||
offset (int): for incrementally decoding. Default to None, which
|
||||
means not applied.
|
||||
Returns:
|
||||
str: text of decoding tokens
|
||||
"""
|
||||
skip_special_tokens = True
|
||||
t = t[offset:]
|
||||
out_string = self.model.decode(
|
||||
t, skip_special_tokens=skip_special_tokens
|
||||
)
|
||||
if offset:
|
||||
out_string = self._maybe_add_prefix_space(t, out_string)
|
||||
return out_string
|
||||
|
||||
def __call__(self, s: Union[str, Sequence[str]]):
|
||||
"""Tokenize prompts.
|
||||
|
||||
Args:
|
||||
s (str): prompts
|
||||
Returns:
|
||||
list[int]: token ids
|
||||
"""
|
||||
add_special_tokens = False
|
||||
return self.model(s, add_special_tokens=add_special_tokens)
|
||||
|
||||
|
||||
class Tokenizer:
|
||||
"""Tokenize prompts or de-tokenize tokens into texts.
|
||||
|
||||
Args:
|
||||
model_file (str): the path of the tokenizer model
|
||||
"""
|
||||
|
||||
def __init__(self, model_file: str):
|
||||
if model_file.endswith(".model"):
|
||||
model_folder = osp.split(model_file)[0]
|
||||
else:
|
||||
model_folder = model_file
|
||||
model_file = osp.join(model_folder, "tokenizer.model")
|
||||
tokenizer_config_file = osp.join(
|
||||
model_folder, "tokenizer_config.json"
|
||||
)
|
||||
|
||||
model_file_exists = osp.exists(model_file)
|
||||
config_exists = osp.exists(tokenizer_config_file)
|
||||
use_hf_model = config_exists or not model_file_exists
|
||||
self.logger = get_logger("lmdeploy")
|
||||
if not use_hf_model:
|
||||
self.model = SentencePieceTokenizer(model_file)
|
||||
else:
|
||||
self.model = HuggingFaceTokenizer(model_folder)
|
||||
|
||||
@property
|
||||
def vocab_size(self):
|
||||
"""vocabulary size."""
|
||||
return self.model.vocab_size
|
||||
|
||||
@property
|
||||
def bos_token_id(self):
|
||||
"""begine of the sentence token id."""
|
||||
return self.model.bos_token_id
|
||||
|
||||
@property
|
||||
def eos_token_id(self):
|
||||
"""end of the sentence token id."""
|
||||
return self.model.eos_token_id
|
||||
|
||||
def encode(self, s: str, add_bos: bool = True, **kwargs):
|
||||
"""Tokenize a prompt.
|
||||
|
||||
Args:
|
||||
s (str): a prompt
|
||||
Returns:
|
||||
list[int]: token ids
|
||||
"""
|
||||
return self.model.encode(s, add_bos, **kwargs)
|
||||
|
||||
def decode(self, t: Sequence[int], offset: Optional[int] = None):
|
||||
"""De-tokenize.
|
||||
|
||||
Args:
|
||||
t (List[int]): a list of token ids
|
||||
offset (int): for incrementally decoding. Default to None, which
|
||||
means not applied.
|
||||
Returns:
|
||||
str: text of decoding tokens
|
||||
"""
|
||||
return self.model.decode(t, offset)
|
||||
|
||||
def __call__(self, s: Union[str, Sequence[str]]):
|
||||
"""Tokenize prompts.
|
||||
|
||||
Args:
|
||||
s (str): prompts
|
||||
Returns:
|
||||
list[int]: token ids
|
||||
"""
|
||||
return self.model(s)
|
||||
|
||||
def indexes_containing_token(self, token):
|
||||
"""Return all the possible indexes, whose decoding output may contain
|
||||
the input token."""
|
||||
encoded = self.encode(token, add_bos=False)
|
||||
if len(encoded) > 1:
|
||||
self.logger.warning(
|
||||
f"The token {token}, its length of indexes"
|
||||
f" {encoded} is over than 1. Currently, it can not be"
|
||||
" used as stop words"
|
||||
)
|
||||
return []
|
||||
return self.model.indexes_containing_token(token)
|
@ -0,0 +1,33 @@
|
||||
from swarms.models.base_multimodal_model import BaseMultiModalModel
|
||||
from ultralytics import YOLO
|
||||
|
||||
|
||||
class UltralyticsModel(BaseMultiModalModel):
|
||||
"""
|
||||
Initializes an instance of the Ultralytics model.
|
||||
|
||||
Args:
|
||||
model_name (str): The name of the model.
|
||||
*args: Variable length argument list.
|
||||
**kwargs: Arbitrary keyword arguments.
|
||||
"""
|
||||
|
||||
def __init__(self, model_name: str, *args, **kwargs):
|
||||
super().__init__(*args, **kwargs)
|
||||
self.model_name = model_name
|
||||
|
||||
self.model = YOLO(model_name, *args, **kwargs)
|
||||
|
||||
def __call__(self, task: str, *args, **kwargs):
|
||||
"""
|
||||
Calls the Ultralytics model.
|
||||
|
||||
Args:
|
||||
task (str): The task to perform.
|
||||
*args: Variable length argument list.
|
||||
**kwargs: Arbitrary keyword arguments.
|
||||
|
||||
Returns:
|
||||
The result of the model call.
|
||||
"""
|
||||
return self.model(task, *args, **kwargs)
|
@ -0,0 +1,214 @@
|
||||
import json
|
||||
from typing import List
|
||||
|
||||
from swarms.tools.tool import BaseTool
|
||||
|
||||
FINISH_NAME = "finish"
|
||||
|
||||
|
||||
class SchemaGenerator:
|
||||
"""A class for generating custom prompt strings.
|
||||
|
||||
Does this based on constraints, commands, resources, and performance evaluations.
|
||||
|
||||
Attributes:
|
||||
constraints (List[str]): A list of constraints.
|
||||
commands (List[BaseTool]): A list of commands.
|
||||
resources (List[str]): A list of resources.
|
||||
performance_evaluation (List[str]): A list of performance evaluations.
|
||||
response_format (dict): A dictionary of the response format.
|
||||
|
||||
Examples:
|
||||
>>> schema_generator = SchemaGenerator()
|
||||
>>> schema_generator.add_constraint("No user assistance")
|
||||
>>> schema_generator.add_resource("Internet access for searches and information gathering.")
|
||||
>>> schema_generator.add_performance_evaluation("Continuously review and analyze your actions to ensure you are performing to the best of your abilities.")
|
||||
>>> prompt_string = schema_generator.generate_prompt_string()
|
||||
>>> print(prompt_string)
|
||||
"""
|
||||
|
||||
def __init__(self) -> None:
|
||||
"""Initialize the SchemaGenerator object.
|
||||
|
||||
Starts with empty lists of constraints, commands, resources,
|
||||
and performance evaluations.
|
||||
"""
|
||||
self.constraints: List[str] = []
|
||||
self.commands: List[BaseTool] = []
|
||||
self.resources: List[str] = []
|
||||
self.performance_evaluation: List[str] = []
|
||||
self.response_format = {
|
||||
"thoughts": {
|
||||
"text": "thought",
|
||||
"reasoning": "reasoning",
|
||||
"plan": (
|
||||
"- short bulleted\n- list that conveys\n-"
|
||||
" long-term plan"
|
||||
),
|
||||
"criticism": "constructive self-criticism",
|
||||
"speak": "thoughts summary to say to user",
|
||||
},
|
||||
"command": {
|
||||
"name": "command name",
|
||||
"args": {"arg name": "value"},
|
||||
},
|
||||
}
|
||||
|
||||
def add_constraint(self, constraint: str) -> None:
|
||||
"""
|
||||
Add a constraint to the constraints list.
|
||||
|
||||
Args:
|
||||
constraint (str): The constraint to be added.
|
||||
"""
|
||||
self.constraints.append(constraint)
|
||||
|
||||
def add_tool(self, tool: BaseTool) -> None:
|
||||
self.commands.append(tool)
|
||||
|
||||
def _generate_command_string(self, tool: BaseTool) -> str:
|
||||
output = f"{tool.name}: {tool.description}"
|
||||
output += f", args json schema: {json.dumps(tool.args)}"
|
||||
return output
|
||||
|
||||
def add_resource(self, resource: str) -> None:
|
||||
"""
|
||||
Add a resource to the resources list.
|
||||
|
||||
Args:
|
||||
resource (str): The resource to be added.
|
||||
"""
|
||||
self.resources.append(resource)
|
||||
|
||||
def add_performance_evaluation(self, evaluation: str) -> None:
|
||||
"""
|
||||
Add a performance evaluation item to the performance_evaluation list.
|
||||
|
||||
Args:
|
||||
evaluation (str): The evaluation item to be added.
|
||||
"""
|
||||
self.performance_evaluation.append(evaluation)
|
||||
|
||||
def _generate_numbered_list(
|
||||
self, items: list, item_type: str = "list"
|
||||
) -> str:
|
||||
"""
|
||||
Generate a numbered list from given items based on the item_type.
|
||||
|
||||
Args:
|
||||
items (list): A list of items to be numbered.
|
||||
item_type (str, optional): The type of items in the list.
|
||||
Defaults to 'list'.
|
||||
|
||||
Returns:
|
||||
str: The formatted numbered list.
|
||||
"""
|
||||
if item_type == "command":
|
||||
command_strings = [
|
||||
f"{i + 1}. {self._generate_command_string(item)}"
|
||||
for i, item in enumerate(items)
|
||||
]
|
||||
finish_description = (
|
||||
"use this to signal that you have finished all your"
|
||||
" objectives"
|
||||
)
|
||||
finish_args = (
|
||||
'"response": "final response to let '
|
||||
'people know you have finished your objectives"'
|
||||
)
|
||||
finish_string = (
|
||||
f"{len(items) + 1}. {FINISH_NAME}: "
|
||||
f"{finish_description}, args: {finish_args}"
|
||||
)
|
||||
return "\n".join(command_strings + [finish_string])
|
||||
else:
|
||||
return "\n".join(
|
||||
f"{i+1}. {item}" for i, item in enumerate(items)
|
||||
)
|
||||
|
||||
def generate_prompt_string(self) -> str:
|
||||
"""Generate a prompt string.
|
||||
|
||||
Returns:
|
||||
str: The generated prompt string.
|
||||
"""
|
||||
formatted_response_format = json.dumps(
|
||||
self.response_format, indent=4
|
||||
)
|
||||
prompt_string = (
|
||||
f"Constraints:\n{self._generate_numbered_list(self.constraints)}\n\nCommands:\n{self._generate_numbered_list(self.commands, item_type='command')}\n\nResources:\n{self._generate_numbered_list(self.resources)}\n\nPerformance"
|
||||
f" Evaluation:\n{self._generate_numbered_list(self.performance_evaluation)}\n\nYou"
|
||||
" should only respond in JSON format as described below"
|
||||
" \nResponse Format:"
|
||||
f" \n{formatted_response_format} \nEnsure the response"
|
||||
" can be parsed by Python json.loads"
|
||||
)
|
||||
|
||||
return prompt_string
|
||||
|
||||
|
||||
def get_prompt(tools: List[BaseTool]) -> str:
|
||||
"""Generates a prompt string.
|
||||
|
||||
It includes various constraints, commands, resources, and performance evaluations.
|
||||
|
||||
Returns:
|
||||
str: The generated prompt string.
|
||||
"""
|
||||
|
||||
# Initialize the SchemaGenerator object
|
||||
schema_generator = SchemaGenerator()
|
||||
|
||||
# Add constraints to the SchemaGenerator object
|
||||
schema_generator.add_constraint(
|
||||
"~4000 word limit for short term memory. "
|
||||
"Your short term memory is short, "
|
||||
"so immediately save important information to files."
|
||||
)
|
||||
schema_generator.add_constraint(
|
||||
"If you are unsure how you previously did something "
|
||||
"or want to recall past events, "
|
||||
"thinking about similar events will help you remember."
|
||||
)
|
||||
schema_generator.add_constraint("No user assistance")
|
||||
schema_generator.add_constraint(
|
||||
"Exclusively use the commands listed in double quotes e.g."
|
||||
' "command name"'
|
||||
)
|
||||
|
||||
# Add commands to the SchemaGenerator object
|
||||
for tool in tools:
|
||||
schema_generator.add_tool(tool)
|
||||
|
||||
# Add resources to the SchemaGenerator object
|
||||
schema_generator.add_resource(
|
||||
"Internet access for searches and information gathering."
|
||||
)
|
||||
schema_generator.add_resource("Long Term memory management.")
|
||||
schema_generator.add_resource(
|
||||
"GPT-3.5 powered Agents for delegation of simple tasks."
|
||||
)
|
||||
schema_generator.add_resource("File output.")
|
||||
|
||||
# Add performance evaluations to the SchemaGenerator object
|
||||
schema_generator.add_performance_evaluation(
|
||||
"Continuously review and analyze your actions "
|
||||
"to ensure you are performing to the best of your abilities."
|
||||
)
|
||||
schema_generator.add_performance_evaluation(
|
||||
"Constructively self-criticize your big-picture behavior"
|
||||
" constantly."
|
||||
)
|
||||
schema_generator.add_performance_evaluation(
|
||||
"Reflect on past decisions and strategies to refine your"
|
||||
" approach."
|
||||
)
|
||||
schema_generator.add_performance_evaluation(
|
||||
"Every command has a cost, so be smart and efficient. "
|
||||
"Aim to complete tasks in the least number of steps."
|
||||
)
|
||||
|
||||
# Generate the prompt string
|
||||
prompt_string = schema_generator.generate_prompt_string()
|
||||
|
||||
return prompt_string
|
@ -0,0 +1,60 @@
|
||||
def worker_agent_system(name: str, memory: str = None):
|
||||
return """
|
||||
You are {name},
|
||||
Your decisions must always be made independently without seeking user assistance.
|
||||
Play to your strengths as an LLM and pursue simple strategies with no legal complications.
|
||||
If you have completed all your tasks, make sure to use the "finish" command.
|
||||
|
||||
GOALS:
|
||||
|
||||
1. Hello, how are you? Create an image of how you are doing!
|
||||
|
||||
Constraints:
|
||||
|
||||
1. ~4000 word limit for short term memory. Your short term memory is short, so immediately save important information to files.
|
||||
2. If you are unsure how you previously did something or want to recall past events, thinking about similar events will help you remember.
|
||||
3. No user assistance
|
||||
4. Exclusively use the commands listed in double quotes e.g. "command name"
|
||||
|
||||
Commands:
|
||||
|
||||
1. finish: use this to signal that you have finished all your objectives, args: "response": "final response to let people know you have finished your objectives"
|
||||
|
||||
Resources:
|
||||
|
||||
1. Internet access for searches and information gathering.
|
||||
2. Long Term memory management.
|
||||
3. GPT-3.5 powered Agents for delegation of simple tasks.
|
||||
4. File output.
|
||||
|
||||
Performance Evaluation:
|
||||
|
||||
1. Continuously review and analyze your actions to ensure you are performing to the best of your abilities.
|
||||
2. Constructively self-criticize your big-picture behavior constantly.
|
||||
3. Reflect on past decisions and strategies to refine your approach.
|
||||
4. Every command has a cost, so be smart and efficient. Aim to complete tasks in the least number of steps.
|
||||
|
||||
You should only respond in JSON format as described below
|
||||
Response Format:
|
||||
{
|
||||
"thoughts": {
|
||||
"text": "thought",
|
||||
"reasoning": "reasoning",
|
||||
"plan": "- short bulleted\n- list that conveys\n- long-term plan",
|
||||
"criticism": "constructive self-criticism",
|
||||
"speak": "thoughts summary to say to user"
|
||||
},
|
||||
"command": {
|
||||
"name": "command name",
|
||||
"args": {
|
||||
"arg name": "value"
|
||||
}
|
||||
}
|
||||
}
|
||||
Ensure the response can be parsed by Python json.loads
|
||||
System: The current time and date is Sat Jan 20 10:39:07 2024
|
||||
System: This reminds you of these events from your past:
|
||||
[{memory}]
|
||||
|
||||
Human: Determine which next command to use, and respond using the format specified above:
|
||||
""".format(name=name, memory=memory)
|
@ -0,0 +1,32 @@
|
||||
from typing import List
|
||||
|
||||
from swarms.structs.step import Step
|
||||
|
||||
|
||||
class Plan:
|
||||
def __init__(self, steps: List[Step]):
|
||||
"""
|
||||
Initializes a Plan object.
|
||||
|
||||
Args:
|
||||
steps (List[Step]): A list of Step objects representing the steps in the plan.
|
||||
"""
|
||||
self.steps = steps
|
||||
|
||||
def __str__(self) -> str:
|
||||
"""
|
||||
Returns a string representation of the Plan object.
|
||||
|
||||
Returns:
|
||||
str: A string representation of the Plan object.
|
||||
"""
|
||||
return str([str(step) for step in self.steps])
|
||||
|
||||
def __repr(self) -> str:
|
||||
"""
|
||||
Returns a string representation of the Plan object.
|
||||
|
||||
Returns:
|
||||
str: A string representation of the Plan object.
|
||||
"""
|
||||
return str(self)
|
@ -0,0 +1,24 @@
|
||||
from dataclasses import dataclass
|
||||
from typing import Dict, List
|
||||
|
||||
from swarms.tools.tool import BaseTool
|
||||
|
||||
|
||||
@dataclass
|
||||
class Step:
|
||||
"""
|
||||
Represents a step in a process.
|
||||
|
||||
Attributes:
|
||||
task (str): The task associated with the step.
|
||||
id (int): The unique identifier of the step.
|
||||
dep (List[int]): The list of step IDs that this step depends on.
|
||||
args (Dict[str, str]): The arguments associated with the step.
|
||||
tool (BaseTool): The tool used to execute the step.
|
||||
"""
|
||||
|
||||
task: str
|
||||
id: int
|
||||
dep: List[int]
|
||||
args: Dict[str, str]
|
||||
tool: BaseTool
|
@ -0,0 +1,125 @@
|
||||
import json
|
||||
import re
|
||||
from abc import abstractmethod
|
||||
from typing import Dict, List, NamedTuple
|
||||
|
||||
from langchain.schema import BaseOutputParser
|
||||
from pydantic import ValidationError
|
||||
|
||||
from swarms.tools.tool import BaseTool
|
||||
|
||||
|
||||
class AgentAction(NamedTuple):
|
||||
"""Action returned by AgentOutputParser."""
|
||||
|
||||
name: str
|
||||
args: Dict
|
||||
|
||||
|
||||
class BaseAgentOutputParser(BaseOutputParser):
|
||||
"""Base Output parser for Agent."""
|
||||
|
||||
@abstractmethod
|
||||
def parse(self, text: str) -> AgentAction:
|
||||
"""Return AgentAction"""
|
||||
|
||||
|
||||
def preprocess_json_input(input_str: str) -> str:
|
||||
"""Preprocesses a string to be parsed as json.
|
||||
|
||||
Replace single backslashes with double backslashes,
|
||||
while leaving already escaped ones intact.
|
||||
|
||||
Args:
|
||||
input_str: String to be preprocessed
|
||||
|
||||
Returns:
|
||||
Preprocessed string
|
||||
"""
|
||||
corrected_str = re.sub(
|
||||
r'(?<!\\)\\(?!["\\/bfnrt]|u[0-9a-fA-F]{4})',
|
||||
r"\\\\",
|
||||
input_str,
|
||||
)
|
||||
return corrected_str
|
||||
|
||||
|
||||
class AgentOutputParser(BaseAgentOutputParser):
|
||||
"""Output parser for Agent."""
|
||||
|
||||
def parse(self, text: str) -> AgentAction:
|
||||
try:
|
||||
parsed = json.loads(text, strict=False)
|
||||
except json.JSONDecodeError:
|
||||
preprocessed_text = preprocess_json_input(text)
|
||||
try:
|
||||
parsed = json.loads(preprocessed_text, strict=False)
|
||||
except Exception:
|
||||
return AgentAction(
|
||||
name="ERROR",
|
||||
args={
|
||||
"error": (
|
||||
f"Could not parse invalid json: {text}"
|
||||
)
|
||||
},
|
||||
)
|
||||
try:
|
||||
return AgentAction(
|
||||
name=parsed["command"]["name"],
|
||||
args=parsed["command"]["args"],
|
||||
)
|
||||
except (KeyError, TypeError):
|
||||
# If the command is null or incomplete, return an erroneous tool
|
||||
return AgentAction(
|
||||
name="ERROR",
|
||||
args={"error": f"Incomplete command args: {parsed}"},
|
||||
)
|
||||
|
||||
|
||||
def execute_tool_by_name(
|
||||
text: str,
|
||||
tools: List[BaseTool],
|
||||
stop_token: str = "finish",
|
||||
):
|
||||
"""
|
||||
Executes a tool based on the given text command.
|
||||
|
||||
Args:
|
||||
text (str): The text command to be executed.
|
||||
tools (List[BaseTool]): A list of available tools.
|
||||
stop_token (str, optional): The stop token to terminate the execution. Defaults to "finish".
|
||||
|
||||
Returns:
|
||||
str: The result of the command execution.
|
||||
"""
|
||||
output_parser = AgentOutputParser()
|
||||
# Get command name and arguments
|
||||
action = output_parser.parse(text)
|
||||
tools = {t.name: t for t in tools}
|
||||
if action.name == stop_token:
|
||||
return action.args["response"]
|
||||
if action.name in tools:
|
||||
tool = tools[action.name]
|
||||
try:
|
||||
observation = tool.run(action.args)
|
||||
except ValidationError as e:
|
||||
observation = (
|
||||
f"Validation Error in args: {str(e)}, args:"
|
||||
f" {action.args}"
|
||||
)
|
||||
except Exception as e:
|
||||
observation = (
|
||||
f"Error: {str(e)}, {type(e).__name__}, args:"
|
||||
f" {action.args}"
|
||||
)
|
||||
result = f"Command {tool.name} returned: {observation}"
|
||||
elif action.name == "ERROR":
|
||||
result = f"Error: {action.args}. "
|
||||
else:
|
||||
result = (
|
||||
f"Unknown command '{action.name}'. "
|
||||
"Please refer to the 'COMMANDS' list for available "
|
||||
"commands and only respond in the specified JSON format."
|
||||
)
|
||||
|
||||
return result
|
@ -0,0 +1,130 @@
|
||||
import logging
|
||||
from typing import List, Optional
|
||||
|
||||
logger_initialized = {}
|
||||
|
||||
|
||||
def get_logger(
|
||||
name: str,
|
||||
log_file: Optional[str] = None,
|
||||
log_level: int = logging.INFO,
|
||||
file_mode: str = "w",
|
||||
):
|
||||
"""Initialize and get a logger by name.
|
||||
|
||||
If the logger has not been initialized, this method will initialize the
|
||||
logger by adding one or two handlers, otherwise the initialized logger will
|
||||
be directly returned. During initialization, a StreamHandler will always be
|
||||
added. If `log_file` is specified, a FileHandler will also be added.
|
||||
Args:
|
||||
name (str): Logger name.
|
||||
log_file (str | None): The log filename. If specified, a FileHandler
|
||||
will be added to the logger.
|
||||
log_level (int): The logger level.
|
||||
file_mode (str): The file mode used in opening log file.
|
||||
Defaults to 'w'.
|
||||
Returns:
|
||||
logging.Logger: The expected logger.
|
||||
"""
|
||||
# use logger in mmengine if exists.
|
||||
try:
|
||||
from mmengine.logging import MMLogger
|
||||
|
||||
if MMLogger.check_instance_created(name):
|
||||
logger = MMLogger.get_instance(name)
|
||||
else:
|
||||
logger = MMLogger.get_instance(
|
||||
name,
|
||||
logger_name=name,
|
||||
log_file=log_file,
|
||||
log_level=log_level,
|
||||
file_mode=file_mode,
|
||||
)
|
||||
return logger
|
||||
|
||||
except Exception:
|
||||
pass
|
||||
|
||||
logger = logging.getLogger(name)
|
||||
if name in logger_initialized:
|
||||
return logger
|
||||
# handle hierarchical names
|
||||
# e.g., logger "a" is initialized, then logger "a.b" will skip the
|
||||
# initialization since it is a child of "a".
|
||||
for logger_name in logger_initialized:
|
||||
if name.startswith(logger_name):
|
||||
return logger
|
||||
|
||||
# handle duplicate logs to the console
|
||||
for handler in logger.root.handlers:
|
||||
if type(handler) is logging.StreamHandler:
|
||||
handler.setLevel(logging.ERROR)
|
||||
|
||||
stream_handler = logging.StreamHandler()
|
||||
handlers = [stream_handler]
|
||||
|
||||
if log_file is not None:
|
||||
# Here, the default behaviour of the official logger is 'a'. Thus, we
|
||||
# provide an interface to change the file mode to the default
|
||||
# behaviour.
|
||||
file_handler = logging.FileHandler(log_file, file_mode)
|
||||
handlers.append(file_handler)
|
||||
|
||||
formatter = logging.Formatter(
|
||||
"%(asctime)s - %(name)s - %(levelname)s - %(message)s"
|
||||
)
|
||||
for handler in handlers:
|
||||
handler.setFormatter(formatter)
|
||||
handler.setLevel(log_level)
|
||||
logger.addHandler(handler)
|
||||
|
||||
logger.setLevel(log_level)
|
||||
logger_initialized[name] = True
|
||||
|
||||
return logger
|
||||
|
||||
|
||||
def filter_suffix(
|
||||
response: str, suffixes: Optional[List[str]] = None
|
||||
) -> str:
|
||||
"""Filter response with suffixes.
|
||||
|
||||
Args:
|
||||
response (str): generated response by LLMs.
|
||||
suffixes (str): a list of suffixes to be deleted.
|
||||
|
||||
Return:
|
||||
str: a clean response.
|
||||
"""
|
||||
if suffixes is None:
|
||||
return response
|
||||
for item in suffixes:
|
||||
if response.endswith(item):
|
||||
response = response[: len(response) - len(item)]
|
||||
return response
|
||||
|
||||
|
||||
# TODO remove stop_word_offsets stuff and make it clean
|
||||
def _stop_words(stop_words: List[str], tokenizer: object):
|
||||
"""return list of stop-words to numpy.ndarray."""
|
||||
import numpy as np
|
||||
|
||||
if stop_words is None:
|
||||
return None
|
||||
assert isinstance(stop_words, List) and all(
|
||||
isinstance(elem, str) for elem in stop_words
|
||||
), f"stop_words must be a list but got {type(stop_words)}"
|
||||
stop_indexes = []
|
||||
for stop_word in stop_words:
|
||||
stop_indexes += tokenizer.indexes_containing_token(stop_word)
|
||||
assert isinstance(stop_indexes, List) and all(
|
||||
isinstance(elem, int) for elem in stop_indexes
|
||||
), "invalid stop_words"
|
||||
# each id in stop_indexes represents a stop word
|
||||
# refer to https://github.com/fauxpilot/fauxpilot/discussions/165 for
|
||||
# detailed explanation about fastertransformer's stop_indexes
|
||||
stop_word_offsets = range(1, len(stop_indexes) + 1)
|
||||
stop_words = np.array([[stop_indexes, stop_word_offsets]]).astype(
|
||||
np.int32
|
||||
)
|
||||
return stop_words
|
@ -0,0 +1,43 @@
|
||||
from unittest.mock import patch
|
||||
from swarms.models import TimmModel
|
||||
import torch
|
||||
|
||||
|
||||
def test_timm_model_init():
|
||||
with patch("swarms.models.timm.list_models") as mock_list_models:
|
||||
model_name = "resnet18"
|
||||
pretrained = True
|
||||
in_chans = 3
|
||||
timm_model = TimmModel(model_name, pretrained, in_chans)
|
||||
mock_list_models.assert_called_once()
|
||||
assert timm_model.model_name == model_name
|
||||
assert timm_model.pretrained == pretrained
|
||||
assert timm_model.in_chans == in_chans
|
||||
assert timm_model.models == mock_list_models.return_value
|
||||
|
||||
|
||||
def test_timm_model_call():
|
||||
with patch(
|
||||
"swarms.models.timm.create_model"
|
||||
) as mock_create_model:
|
||||
model_name = "resnet18"
|
||||
pretrained = True
|
||||
in_chans = 3
|
||||
timm_model = TimmModel(model_name, pretrained, in_chans)
|
||||
task = torch.rand(1, in_chans, 224, 224)
|
||||
result = timm_model(task)
|
||||
mock_create_model.assert_called_once_with(
|
||||
model_name, pretrained=pretrained, in_chans=in_chans
|
||||
)
|
||||
assert result == mock_create_model.return_value(task)
|
||||
|
||||
|
||||
def test_timm_model_list_models():
|
||||
with patch("swarms.models.timm.list_models") as mock_list_models:
|
||||
model_name = "resnet18"
|
||||
pretrained = True
|
||||
in_chans = 3
|
||||
timm_model = TimmModel(model_name, pretrained, in_chans)
|
||||
result = timm_model.list_models()
|
||||
mock_list_models.assert_called_once()
|
||||
assert result == mock_list_models.return_value
|
@ -0,0 +1,34 @@
|
||||
from unittest.mock import patch
|
||||
from swarms.models.ultralytics_model import Ultralytics
|
||||
|
||||
|
||||
def test_ultralytics_init():
|
||||
with patch("swarms.models.YOLO") as mock_yolo:
|
||||
model_name = "yolov5s"
|
||||
ultralytics = Ultralytics(model_name)
|
||||
mock_yolo.assert_called_once_with(model_name)
|
||||
assert ultralytics.model_name == model_name
|
||||
assert ultralytics.model == mock_yolo.return_value
|
||||
|
||||
|
||||
def test_ultralytics_call():
|
||||
with patch("swarms.models.YOLO") as mock_yolo:
|
||||
model_name = "yolov5s"
|
||||
ultralytics = Ultralytics(model_name)
|
||||
task = "detect"
|
||||
args = (1, 2, 3)
|
||||
kwargs = {"a": "A", "b": "B"}
|
||||
result = ultralytics(task, *args, **kwargs)
|
||||
mock_yolo.return_value.assert_called_once_with(
|
||||
task, *args, **kwargs
|
||||
)
|
||||
assert result == mock_yolo.return_value.return_value
|
||||
|
||||
|
||||
def test_ultralytics_list_models():
|
||||
with patch("swarms.models.YOLO") as mock_yolo:
|
||||
model_name = "yolov5s"
|
||||
ultralytics = Ultralytics(model_name)
|
||||
result = ultralytics.list_models()
|
||||
mock_yolo.list_models.assert_called_once()
|
||||
assert result == mock_yolo.list_models.return_value
|
Loading…
Reference in new issue