An open platform for operating large language models (LLMs) in production.
Fine-tune, serve, deploy, and monitor any LLMs with ease.
OpenLLM is an open-source platform designed to facilitate the deployment and operation of large language models (LLMs) in real-world applications. With OpenLLM, you can run inference on any open-source LLM, deploy them on the cloud or on-premises, and build powerful AI applications.
Key features include:
๐ State-of-the-art LLMs: Integrated support for a wide range of open-source LLMs and model runtimes, including but not limited to Llama 2, StableLM, Falcon, Dolly, Flan-T5, ChatGLM, and StarCoder.
๐ฅ Flexible APIs: Serve LLMs over a RESTful API or gRPC with a single command. You can interact with the model using a Web UI, CLI, Python/JavaScript clients, or any HTTP client of your choice.
โ๏ธ Freedom to build: First-class support for LangChain, BentoML and Hugging Face, allowing you to easily create your own AI applications by composing LLMs with other models and services.
๐ฏ Streamline deployment: Automatically generate your LLM server Docker images or deploy as serverless endpoints via โ๏ธ BentoCloud, which effortlessly manages GPU resources, scales according to traffic, and ensures cost-effectiveness.
๐ค๏ธ Bring your own LLM: Fine-tune any LLM to suit your needs. You can load LoRA layers to fine-tune models for higher accuracy and performance for specific tasks. A unified fine-tuning API for models (LLM.tuning()
) is coming soon.
โกย Quantization: Run inference with less computational and memory costs though quantization techniques like bitsandbytesย andย GPTQ.
๐กย Streaming: Support token streaming through server-sent events (SSE). You can use the /v1/generate_stream
ย endpoint for streaming responses from LLMs.
๐ย Continuous batching: Support continuous batching via vLLM for increased total throughput.
OpenLLM is designed for AI application developers working to build production-ready applications based on LLMs. It delivers a comprehensive suite of tools and features for fine-tuning, serving, deploying, and monitoring these models, simplifying the end-to-end deployment workflow for LLMs.
You have installed Python 3.8 (or later) andย pip
. We highly recommend using a Virtual Environment to prevent package conflicts.
Install OpenLLM by using pip
as follows:
pip install openllm
To verify the installation, run:
$ openllm -h
Usage: openllm [OPTIONS] COMMAND [ARGS]...
โโโโโโโ โโโโโโโ โโโโโโโโโโโโ โโโโโโ โโโ โโโโ โโโโ
โโโโโโโโโโโโโโโโโโโโโโโโโโโโโโ โโโโโโ โโโ โโโโโ โโโโโ
โโโ โโโโโโโโโโโโโโโโโ โโโโโโ โโโโโโ โโโ โโโโโโโโโโโ
โโโ โโโโโโโโโโ โโโโโโ โโโโโโโโโโโโโ โโโ โโโโโโโโโโโ
โโโโโโโโโโโโ โโโโโโโโโโโ โโโโโโโโโโโโโโโโโโโโโโโโโ โโโ โโโ
โโโโโโโ โโโ โโโโโโโโโโโ โโโโโโโโโโโโโโโโโโโโโโโโ โโโ.
An open platform for operating large language models in production.
Fine-tune, serve, deploy, and monitor any LLMs with ease.
Options:
-v, --version Show the version and exit.
-h, --help Show this message and exit.
Commands:
build Package a given models into a Bento.
embed Get embeddings interactively, from a terminal.
import Setup LLM interactively.
instruct Instruct agents interactively for given tasks, from a...
models List all supported models.
prune Remove all saved models, (and optionally bentos) built with...
query Ask a LLM interactively, from a terminal.
start Start any LLM as a REST server.
start-grpc Start any LLM as a gRPC server.
Extensions:
build-base-container Base image builder for BentoLLM.
dive-bentos Dive into a BentoLLM.
get-containerfile Return Containerfile of any given Bento.
get-prompt Get the default prompt used by OpenLLM.
list-bentos List available bentos built by OpenLLM.
list-models This is equivalent to openllm models...
playground OpenLLM Playground.
OpenLLM allows you to quickly spin up an LLM server using openllm start
. For example, to start anย OPTย server, run the following:
openllm start opt
This starts the server atย http://0.0.0.0:3000/. OpenLLM downloads the model to the BentoML local Model Store if they have not been registered before. To view your local models, run bentoml models list
.
To interact with the server, you can visit the web UI atย http://0.0.0.0:3000/ or send a request usingย curl
. You can also use OpenLLMโs built-in Python client to interact with the server:
import openllm
client = openllm.client.HTTPClient('http://localhost:3000')
client.query('Explain to me the difference between "further" and "farther"')
Alternatively, use theย openllm query
ย command to query the model:
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'Explain to me the difference between "further" and "farther"'
OpenLLM seamlessly supports many models and their variants. You can specify different variants of the model to be served by providing theย --model-id
option. For example:
openllm start opt --model-id facebook/opt-2.7b
Note
OpenLLM supports specifying fine-tuning weights and quantized weights
for any of the supported models as long as they can be loaded with the model
architecture. Use theย openllm models
ย command to see the complete list of supported
models, their architectures, and their variants.
OpenLLM currently supports the following models. By default, OpenLLM doesn't include dependencies to run all models. The extra model-specific dependencies can be installed with the instructions below.
Llama
To run Llama models with OpenLLM, you need to install the llama
dependency as it is not installed by default.
pip install "openllm[llama]"
Run the following commands to quickly spin up a Llama 2 server and send a request to it.
openllm start llama --model-id meta-llama/Llama-2-7b-chat-hf
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'What are large language models?'
[!NOTE] To use the official Llama 2 models, you must gain access by visiting the Meta AI website and accepting its license terms and acceptable use policy. You also need to obtain access to these models on Hugging Face. Note that any Llama 2 variants can be deployed with OpenLLM if you donโt have access to the official Llama 2 model. Visit the Hugging Face Model Hub to see more Llama 2 compatible models.
You can specify any of the following Llama models by using --model-id
.
- meta-llama/Llama-2-70b-chat-hf
- meta-llama/Llama-2-13b-chat-hf
- meta-llama/Llama-2-7b-chat-hf
- meta-llama/Llama-2-70b-hf
- meta-llama/Llama-2-13b-hf
- meta-llama/Llama-2-7b-hf
- NousResearch/llama-2-70b-chat-hf
- NousResearch/llama-2-13b-chat-hf
- NousResearch/llama-2-7b-chat-hf
- NousResearch/llama-2-70b-hf
- NousResearch/llama-2-13b-hf
- NousResearch/llama-2-7b-hf
- openlm-research/open_llama_7b_v2
- openlm-research/open_llama_3b_v2
- openlm-research/open_llama_13b
- huggyllama/llama-65b
- huggyllama/llama-30b
- huggyllama/llama-13b
- huggyllama/llama-7b
- Any other models that strictly follows the LlamaForCausalLM architecture
-
PyTorch (Default):
openllm start llama --model-id meta-llama/Llama-2-7b-chat-hf --backend pt
-
vLLM (Recommended):
pip install "openllm[llama, vllm]" openllm start llama --model-id meta-llama/Llama-2-7b-chat-hf --backend vllm
[!NOTE] Currently when using the vLLM backend, quantization and adapters are not supported.
ChatGLM
To run ChatGLM models with OpenLLM, you need to install the chatglm
dependency as it is not installed by default.
pip install "openllm[chatglm]"
Run the following commands to quickly spin up a ChatGLM server and send a request to it.
openllm start chatglm --model-id thudm/chatglm-6b
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'What are large language models?'
You can specify any of the following ChatGLM models by using --model-id
.
- thudm/chatglm-6b
- thudm/chatglm-6b-int8
- thudm/chatglm-6b-int4
- thudm/chatglm2-6b
- thudm/chatglm2-6b-int4
- Any other models that strictly follows the ChatGLMForConditionalGeneration architecture
-
PyTorch (Default):
openllm start chatglm --model-id thudm/chatglm-6b --backend pt
Dolly-v2
Dolly-v2 models do not require you to install any model-specific dependencies once you have openllm
installed.
pip install openllm
Run the following commands to quickly spin up a Dolly-v2 server and send a request to it.
openllm start dolly-v2 --model-id databricks/dolly-v2-3b
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'What are large language models?'
You can specify any of the following Dolly-v2 models by using --model-id
.
- databricks/dolly-v2-3b
- databricks/dolly-v2-7b
- databricks/dolly-v2-12b
- Any other models that strictly follows the GPTNeoXForCausalLM architecture
-
PyTorch (Default):
openllm start dolly-v2 --model-id databricks/dolly-v2-3b --backend pt
-
vLLM:
openllm start dolly-v2 --model-id databricks/dolly-v2-3b --backend vllm
[!NOTE] Currently when using the vLLM backend, quantization and adapters are not supported.
Falcon
To run Falcon models with OpenLLM, you need to install the falcon
dependency as it is not installed by default.
pip install "openllm[falcon]"
Run the following commands to quickly spin up a Falcon server and send a request to it.
openllm start falcon --model-id tiiuae/falcon-7b
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'What are large language models?'
You can specify any of the following Falcon models by using --model-id
.
- tiiuae/falcon-7b
- tiiuae/falcon-40b
- tiiuae/falcon-7b-instruct
- tiiuae/falcon-40b-instruct
- Any other models that strictly follows the FalconForCausalLM architecture
-
PyTorch (Default):
openllm start falcon --model-id tiiuae/falcon-7b --backend pt
-
vLLM:
pip install "openllm[falcon, vllm]" openllm start falcon --model-id tiiuae/falcon-7b --backend vllm
[!NOTE] Currently when using the vLLM backend, quantization and adapters are not supported.
Flan-T5
To run Flan-T5 models with OpenLLM, you need to install the flan-t5
dependency as it is not installed by default.
pip install "openllm[flan-t5]"
Run the following commands to quickly spin up a Flan-T5 server and send a request to it.
openllm start flan-t5 --model-id google/flan-t5-large
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'What are large language models?'
You can specify any of the following Flan-T5 models by using --model-id
.
- google/flan-t5-small
- google/flan-t5-base
- google/flan-t5-large
- google/flan-t5-xl
- google/flan-t5-xxl
- Any other models that strictly follows the T5ForConditionalGeneration architecture
-
PyTorch (Default):
openllm start flan-t5 --model-id google/flan-t5-large --backend pt
-
Flax:
pip install "openllm[flan-t5, flax]" openllm start flan-t5 --model-id google/flan-t5-large --backend flax
-
TensorFlow:
pip install "openllm[flan-t5, tf]" openllm start flan-t5 --model-id google/flan-t5-large --backend tf
[!NOTE] Currently when using the vLLM backend, quantization and adapters are not supported.
GPT-NeoX
GPT-NeoX models do not require you to install any model-specific dependencies once you have openllm
installed.
pip install openllm
Run the following commands to quickly spin up a GPT-NeoX server and send a request to it.
openllm start gpt-neox --model-id eleutherai/gpt-neox-20b
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'What are large language models?'
You can specify any of the following GPT-NeoX models by using --model-id
.
- eleutherai/gpt-neox-20b
- Any other models that strictly follows the GPTNeoXForCausalLM architecture
-
PyTorch (Default):
openllm start gpt-neox --model-id eleutherai/gpt-neox-20b --backend pt
-
vLLM:
openllm start gpt-neox --model-id eleutherai/gpt-neox-20b --backend vllm
[!NOTE] Currently when using the vLLM backend, quantization and adapters are not supported.
MPT
To run MPT models with OpenLLM, you need to install the mpt
dependency as it is not installed by default.
pip install "openllm[mpt]"
Run the following commands to quickly spin up a MPT server and send a request to it.
openllm start mpt --model-id mosaicml/mpt-7b-chat
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'What are large language models?'
You can specify any of the following MPT models by using --model-id
.
- mosaicml/mpt-7b
- mosaicml/mpt-7b-instruct
- mosaicml/mpt-7b-chat
- mosaicml/mpt-7b-storywriter
- mosaicml/mpt-30b
- mosaicml/mpt-30b-instruct
- mosaicml/mpt-30b-chat
- Any other models that strictly follows the MPTForCausalLM architecture
-
PyTorch (Default):
openllm start mpt --model-id mosaicml/mpt-7b-chat --backend pt
-
vLLM (Recommended):
pip install "openllm[mpt, vllm]" openllm start mpt --model-id mosaicml/mpt-7b-chat --backend vllm
[!NOTE] Currently when using the vLLM backend, quantization and adapters are not supported.
OPT
To run OPT models with OpenLLM, you need to install the opt
dependency as it is not installed by default.
pip install "openllm[opt]"
Run the following commands to quickly spin up an OPT server and send a request to it.
openllm start opt --model-id facebook/opt-2.7b
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'What are large language models?'
You can specify any of the following OPT models by using --model-id
.
- facebook/opt-125m
- facebook/opt-350m
- facebook/opt-1.3b
- facebook/opt-2.7b
- facebook/opt-6.7b
- facebook/opt-66b
- Any other models that strictly follows the OPTForCausalLM architecture
-
PyTorch (Default):
openllm start opt --model-id facebook/opt-2.7b --backend pt
-
vLLM:
pip install "openllm[opt, vllm]" openllm start opt --model-id facebook/opt-2.7b --backend vllm
-
TensorFlow:
pip install "openllm[opt, tf]" openllm start opt --model-id facebook/opt-2.7b --backend tf
-
Flax:
pip install "openllm[opt, flax]" openllm start opt --model-id facebook/opt-2.7b --backend flax
[!NOTE] Currently when using the vLLM backend, quantization and adapters are not supported.
StableLM
StableLM models do not require you to install any model-specific dependencies once you have openllm
installed.
pip install openllm
Run the following commands to quickly spin up a StableLM server and send a request to it.
openllm start stablelm --model-id stabilityai/stablelm-tuned-alpha-7b
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'What are large language models?'
You can specify any of the following StableLM models by using --model-id
.
- stabilityai/stablelm-tuned-alpha-3b
- stabilityai/stablelm-tuned-alpha-7b
- stabilityai/stablelm-base-alpha-3b
- stabilityai/stablelm-base-alpha-7b
- Any other models that strictly follows the GPTNeoXForCausalLM architecture
-
PyTorch (Default):
openllm start stablelm --model-id stabilityai/stablelm-tuned-alpha-7b --backend pt
-
vLLM:
openllm start stablelm --model-id stabilityai/stablelm-tuned-alpha-7b --backend vllm
[!NOTE] Currently when using the vLLM backend, quantization and adapters are not supported.
StarCoder
To run StarCoder models with OpenLLM, you need to install the starcoder
dependency as it is not installed by default.
pip install "openllm[starcoder]"
Run the following commands to quickly spin up a StarCoder server and send a request to it.
openllm start startcoder --model-id [bigcode/starcoder](https://huggingface.co/bigcode/starcoder)
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'What are large language models?'
You can specify any of the following StarCoder models by using --model-id
.
- bigcode/starcoder
- bigcode/starcoderbase
- Any other models that strictly follows the GPTBigCodeForCausalLM architecture
-
PyTorch (Default):
openllm start startcoder --model-id bigcode/starcoder --backend pt
-
vLLM:
pip install "openllm[startcoder, vllm]" openllm start startcoder --model-id bigcode/starcoder --backend vllm
[!NOTE] Currently when using the vLLM backend, quantization and adapters are not supported.
Baichuan
To run Baichuan models with OpenLLM, you need to install the baichuan
dependency as it is not installed by default.
pip install "openllm[baichuan]"
Run the following commands to quickly spin up a Baichuan server and send a request to it.
openllm start baichuan --model-id baichuan-inc/baichuan-13b-base
export OPENLLM_ENDPOINT=http://localhost:3000
openllm query 'What are large language models?'
You can specify any of the following Baichuan models by using --model-id
.
- baichuan-inc/baichuan-7b
- baichuan-inc/baichuan-13b-base
- baichuan-inc/baichuan-13b-chat
- fireballoon/baichuan-vicuna-chinese-7b
- fireballoon/baichuan-vicuna-7b
- hiyouga/baichuan-7b-sft
- Any other models that strictly follows the BaiChuanForCausalLM architecture
-
PyTorch (Default):
openllm start baichuan --model-id baichuan-inc/baichuan-13b-base --backend pt
-
vLLM:
pip install "openllm[baichuan, vllm]" openllm start baichuan --model-id baichuan-inc/baichuan-13b-base --backend vllm
[!NOTE] Currently when using the vLLM backend, quantization and adapters are not supported.
More models will be integrated with OpenLLM and we welcome your contributions if you want to incorporate your custom LLMs into the ecosystem. Check out Adding a New Model Guide to learn more.
OpenLLM allows you to start your model server on multiple GPUs and specify the number of workers per resource assigned using the --workers-per-resource
option. For example, if you have 4 available GPUs, you set the value as one divided by the number as only one instance of the Runner server will be spawned.
openllm start opt --workers-per-resource 0.25
Note
The amount of GPUs required depends on the model size itself. You can use the Model Memory Calculator from Hugging Face to calculate how much vRAM is needed to train and perform big model inference on a model and then plan your GPU strategy based on it.
When using the --workers-per-resource
option with the openllm build
command, the environment variable is saved into the resulting Bento.
For more information, see Resource scheduling strategy.
Different LLMs may support multiple runtime implementations. For instance, they might use frameworks and libraries such as PyTorch (pt
), TensorFlow (tf
), Flax (flax
), and vLLM (vllm
).
To specify a specific runtime for your chosen model, use the --backend
option. For example:
openllm start llama --model-id meta-llama/Llama-2-7b-chat-hf --backend vllm
Note:
- For GPU support on Flax, refers toย Jax's installationย to make sure that you have Jax support for the corresponding CUDA version.
- To use the vLLM backend, you need a GPU with at least the Ampere architecture or newer and CUDA version 11.8.
- To see the backend options of each model supported by OpenLLM, see the Supported models section or run
openllm models
.
Quantization is a technique to reduce the storage and computation requirements for machine learning models, particularly during inference. By approximating floating-point numbers as integers (quantized values), quantization allows for faster computations, reduced memory footprint, and can make it feasible to deploy large models on resource-constrained devices.
OpenLLM supports quantization through two methods - bitsandbytesย andย GPTQ.
To run a model using the bitsandbytes
method for quantization, you can use the following command:
openllm start opt --quantize int8
To run inference withย gptq
, simply passย --quantize gptq
:
openllm start falcon --model-id TheBloke/falcon-40b-instruct-GPTQ --quantize gptq --device 0
Note
In order to run GPTQ, make sure you runย pip install "openllm[gptq]" --extra-index-url https://huggingface.github.io/autogptq-index/whl/cu118/
first to install the dependency. From the GPTQ paper, it is recommended to quantized the weights before serving.
Seeย AutoGPTQย for more information on GPTQ quantization.
PEFT, or Parameter-Efficient Fine-Tuning, is a methodology designed to fine-tune pre-trained models more efficiently. Instead of adjusting all model parameters, PEFT focuses on tuning only a subset, reducing computational and storage costs. LoRA (Low-Rank Adaptation) is one of the techniques supported by PEFT. It streamlines fine-tuning by using low-rank decomposition to represent weight updates, thereby drastically reducing the number of trainable parameters.
With OpenLLM, you can take advantage of the fine-tuning feature by serving models with any PEFT-compatible layers using the --adapter-id
option. For example:
openllm start opt --model-id facebook/opt-6.7b --adapter-id aarnphm/opt-6-7b-quotes
OpenLLM also provides flexibility by supporting adapters from custom file paths:
openllm start opt --model-id facebook/opt-6.7b --adapter-id /path/to/adapters
To use multiple adapters, use the following format:
openllm start opt --model-id facebook/opt-6.7b --adapter-id aarnphm/opt-6.7b-lora --adapter-id aarnphm/opt-6.7b-lora:french_lora
By default, the first specified adapter-id
is the default LoRA layer, but optionally you can specify a different LoRA layer for inference using the /v1/adapters
endpoint:
curl -X POST http://localhost:3000/v1/adapters --json '{"adapter_name": "vn_lora"}'
Note that if you are using multiple adapter names and IDs, it is recommended to set the default adapter before sending the inference to avoid any performance degradation.
To include this into the Bento, you can specify theย --adapter-id
ย option when using theย openllm build
command:
openllm build opt --model-id facebook/opt-6.7b --adapter-id ...
If you use a relative path for --adapter-id
, you need to add --build-ctx
.
openllm build opt --adapter-id ./path/to/adapter_id --build-ctx .
Note
We will gradually roll out support for fine-tuning all models. Currently, the models supporting fine-tuning with OpenLLM include: OPT, Falcon, and LlaMA.
OpenLLM provides embeddings endpoint for embeddings calculation. This can
be accessed via /v1/embeddings
.
To use via CLI, simply call openllm embed
:
openllm embed --endpoint http://localhost:3000 "I like to eat apples" -o json
{
"embeddings": [
0.006569798570126295,
-0.031249752268195152,
-0.008072729222476482,
0.00847396720200777,
-0.005293501541018486,
...<many embeddings>...
-0.002078012563288212,
-0.00676426338031888,
-0.002022686880081892
],
"num_tokens": 9
}
To invoke this endpoint, use client.embed
from the Python SDK:
import openllm
client = openllm.client.HTTPClient("http://localhost:3000")
client.embed("I like to eat apples")
Note
Currently, the following model family supports embeddings calculation: Llama, T5 (Flan-T5, FastChat, etc.), ChatGLM
For the remaining LLM that doesn't have specific embedding implementation,
we will use a generic BertModel
for embeddings generation. The implementation is largely based on bentoml/sentence-embedding-bento
The following UIs are currently available for OpenLLM:
UI | Owner | Type | Progress |
---|---|---|---|
Clojure | @GutZuFusss | Community-maintained | ๐ง |
TS | BentoML Team | ๐ง |
OpenLLM is not just a standalone product; it's a building block designed to integrate with other powerful tools easily. We currently offer integration with BentoML, LangChain, and Transformers Agents.
OpenLLM models can be integrated as a
Runner in your
BentoML service. These runners have a generate
method that takes a string as a
prompt and returns a corresponding output string. This will allow you to plug
and play any OpenLLM models with your existing ML workflow.
import bentoml
import openllm
model = "opt"
llm_config = openllm.AutoConfig.for_model(model)
llm_runner = openllm.Runner(model, llm_config=llm_config)
svc = bentoml.Service(
name=f"llm-opt-service", runners=[llm_runner]
)
@svc.api(input=Text(), output=Text())
async def prompt(input_text: str) -> str:
answer = await llm_runner.generate(input_text)
return answer
To quickly start a local LLM with langchain
, simply do the following:
from langchain.llms import OpenLLM
llm = OpenLLM(model_name="llama", model_id='meta-llama/Llama-2-7b-hf')
llm("What is the difference between a duck and a goose? And why there are so many Goose in Canada?")
Important
By default, OpenLLM use safetensors
format for saving models.
If the model doesn't support safetensors, make sure to pass
serialisation="legacy"
to use the legacy PyTorch bin format.
langchain.llms.OpenLLM
has the capability to interact with remote OpenLLM
Server. Given there is an OpenLLM server deployed elsewhere, you can connect to
it by specifying its URL:
from langchain.llms import OpenLLM
llm = OpenLLM(server_url='http://44.23.123.1:3000', server_type='grpc')
llm("What is the difference between a duck and a goose? And why there are so many Goose in Canada?")
To integrate a LangChain agent with BentoML, you can do the following:
llm = OpenLLM(
model_name='flan-t5',
model_id='google/flan-t5-large',
embedded=False,
serialisation="legacy"
)
tools = load_tools(["serpapi", "llm-math"], llm=llm)
agent = initialize_agent(
tools, llm, agent=AgentType.ZERO_SHOT_REACT_DESCRIPTION
)
svc = bentoml.Service("langchain-openllm", runners=[llm.runner])
@svc.api(input=Text(), output=Text())
def chat(input_text: str):
return agent.run(input_text)
Note
You can find out more examples under the examples folder.
OpenLLM seamlessly integrates with Transformers Agents.
Warning
The Transformers Agent is still at an experimental stage. It is
recommended to install OpenLLM with pip install -r nightly-requirements.txt
to get the latest API update for HuggingFace agent.
import transformers
agent = transformers.HfAgent("http://localhost:3000/hf/agent") # URL that runs the OpenLLM server
agent.run("Is the following `text` positive or negative?", text="I don't like how this models is generate inputs")
Important
Only starcoder
is currently supported with Agent integration.
The example above was also run with four T4s on EC2 g4dn.12xlarge
If you want to use OpenLLM client to ask questions to the running agent, you can also do so:
import openllm
client = openllm.client.HTTPClient("http://localhost:3000")
client.ask_agent(
task="Is the following `text` positive or negative?",
text="What are you thinking about?",
)
There are several ways to deploy your LLMs:
-
Building a Bento: With OpenLLM, you can easily build a Bento for a specific model, like
dolly-v2
, using thebuild
command.:openllm build dolly-v2
A Bento, in BentoML, is the unit of distribution. It packages your program's source code, models, files, artefacts, and dependencies.
-
Containerize your Bento
bentoml containerize <name:version>
This generates a OCI-compatible docker image that can be deployed anywhere docker runs. For best scalability and reliability of your LLM service in production, we recommend deploy with BentoCloudใ
Deploy OpenLLM with BentoCloud, the serverless cloud for shipping and scaling AI applications.
-
Create a BentoCloud account: sign up here for early access
-
Log into your BentoCloud account:
bentoml cloud login --api-token <your-api-token> --endpoint <bento-cloud-endpoint>
Note
Replace <your-api-token>
and <bento-cloud-endpoint>
with your
specific API token and the BentoCloud endpoint respectively.
-
Bulding a Bento: With OpenLLM, you can easily build a Bento for a specific model, such as
dolly-v2
:openllm build dolly-v2
-
Pushing a Bento: Push your freshly-built Bento service to BentoCloud via the
push
command:bentoml push <name:version>
-
Deploying a Bento: Deploy your LLMs to BentoCloud with a single
bentoml deployment create
command following the deployment instructions.
Engage with like-minded individuals passionate about LLMs, AI, and more on our Discord!
OpenLLM is actively maintained by the BentoML team. Feel free to reach out and join us in our pursuit to make LLMs more accessible and easy to use ๐ Join our Slack community!
We welcome contributions! If you're interested in enhancing OpenLLM's capabilities or have any questions, don't hesitate to reach out in our discord channel.
Checkout our Developer Guide if you wish to contribute to OpenLLM's codebase.
OpenLLM collects usage data to enhance user experience and improve the product. We only report OpenLLM's internal API calls and ensure maximum privacy by excluding sensitive information. We will never collect user code, model data, or stack traces. For usage tracking, check out the code.
You can opt out of usage tracking by using the --do-not-track
CLI option:
openllm [command] --do-not-track
Or by setting the environment variable OPENLLM_DO_NOT_TRACK=True
:
export OPENLLM_DO_NOT_TRACK=True
If you use OpenLLM in your research, we provide a citation to use:
@software{Pham_OpenLLM_Operating_LLMs_2023,
author = {Pham, Aaron and Yang, Chaoyu and Sheng, Sean and Zhao, Shenyang and Lee, Sauyon and Jiang, Bo and Dong, Fog and Guan, Xipeng and Ming, Frost},
license = {Apache-2.0},
month = jun,
title = {{OpenLLM: Operating LLMs in production}},
url = {https://github.com/bentoml/OpenLLM},
year = {2023}
}