TensorRT-LLMs/examples/high-level-api
Kaiyu Xie 250d9c293d
Update TensorRT-LLM Release branch (#1445)
* Update TensorRT-LLM

---------

Co-authored-by: Bhuvanesh Sridharan <bhuvan.sridharan@gmail.com>
Co-authored-by: Morgan Funtowicz <funtowiczmo@gmail.com>
Co-authored-by: Eddie-Wang1120 <wangjinheng1120@163.com>
Co-authored-by: meghagarwal <16129366+megha95@users.noreply.github.com>
2024-04-12 17:59:19 +08:00
..
llm_examples.py Update TensorRT-LLM Release branch (#1445) 2024-04-12 17:59:19 +08:00
README.md Update TensorRT-LLM Release branch (#1445) 2024-04-12 17:59:19 +08:00
requirements.txt Update TensorRT-LLM Release branch (#1445) 2024-04-12 17:59:19 +08:00
run_auto_parallel_examples.sh Update TensorRT-LLM Release branch (#1445) 2024-04-12 17:59:19 +08:00
run_examples.py Update TensorRT-LLM Release branch (#1445) 2024-04-12 17:59:19 +08:00
run_quant_examples.py Update TensorRT-LLM Release branch (#1445) 2024-04-12 17:59:19 +08:00

High-level API

We are working on a high-level API for LLM workflow, which is still in incubation and may change later. Here we show you a preview of how it works and how to use it.

Note that the APIs are not stable and only support the LLaMA model. We appreciate your patience and understanding as we improve this API.

Please install the required packages first:

pip install -r requirements.txt

You can refer to llm_examples.py for all of the examples, and run it with the run_examples.py script, the command is as follows:

python3 ./run_examples.py <llama-model-path>

For 7B, 13B models those could be held in a single GPU, it should run all the examples automatically and print the results.

For larger models, such as LLaMA v2 70B, at least two H100/A100 cards are required, the following command could be used to start a parallel task with Tensor Parallelism enabled.

python3 llm_examples.py --task run_llm_on_tensor_parallel \
    --prompt="<prompt>" \
    --hf_model_dir=<llama-model-path>

Model preparation

The high-level API supports three kinds of model formats:

  1. HuggingFace models
  2. TensorRT-LLM engine built by trtllm-build tool or saved by the high-level API
  3. TensorRT-LLM checkpoints, converted by convert_checkpoint.py in examples

All kinds of models could be used directly by the high-level API, and the ModelConfig(<any-model-path>) could accept any kind of them.

Let's elaborate on the preparation of the three kinds of model formats.

Option 1: From HuggingFace models

Given its popularity, the TRT-LLM high-level API chooses to support HuggingFace format as one of the start points, to use the high-level API on LLaMA models, you need to run the following conversion script provided in transformers/llama or transformers/llama2 to convert the Meta checkpoint to HuggingFace format.

For instance, when targeting the LLaMA2 7B model, the official way to retrieve the model is to visit the LLaMA2 7B model page, normally you need to submit a request for the model file. For a quick start, you can also download the model checkpoint files directly from modelscope.cn, the command is as follows:

git clone https://www.modelscope.cn/shakechen/Llama-2-7b.git

To convert the checkpoint files, a script from transformers is required, thus please also clone the transformers repo with the following code:

git clone https://github.com/huggingface/transformers.git

Finally, the command to convert the checkpoint files to HuggingFace format is as follows:

python <transformers-dir>/src/transformers/models/llama/convert_llama_weights_to_hf.py \
    --input_dir Llama-2-7b --model_size 7B --output_dir llama-hf-7b

That should produce a HuggingFace format model in ./llama-hf-7b, which could be used by the high-level API.

Option 2: From TensorRT-LLM engine

There are two ways to build the TensorRT-LLM engine:

  1. You can build the TensorRT-LLM engine from the HuggingFace model directly with the trtllm-build tool, and save the engine to disk for later use. Please consult the LLaMA's README.
  2. Use the Python high-level API to save one:
config = ModelConfig(<model-path>)
llm = LLM(config)

# Save engine to local disk
llm.save(<engine-dir>)

Option 3: From TensorRT-LLM checkpoint

In each model example, there is a convert_checkpoint.py to convert third-party models to TensorRT-LLM checkpoint for further usage. The Python high-level API could seamlessly accept the checkpoint, and build the engine in the backend. For step-by-step guidance on checkpoint conversion, please refer to the LLaMA's README.

Basic usage

To use the API, import the LLM and ModelConfig from the tensorrt_llm package and create an LLM object with a HuggingFace model directly. For example:

from tensorrt_llm import LLM, ModelConfig

config = ModelConfig(model_dir=<llama_model_path>)
llm = LLM(config)

It will trigger TRT-LLM engine building in the backend, and create a HuggingFace tokenizer by default to support an end-to-end generation.

To generate text, use the generate method of the LLM object directly with a batch of prompts, for example:

prompts = ["To tell a story"]
for output in llm.generate(prompts):
    print(output)

The output might be something like:

GenerationOutput(text="with a picture.\nI'm a writer, but I'm also a photographer.")

You can also dump the runtime engine to disk, and load from the engine file directly in the next run to save the engine building time from the HuggingFace model.

# dump the llm
llm.save(<engine-path>)

# next time
config = ModelConfig(model_dir=<engine-path>)
llm = LLM(config)

In other words, the model_dir could accept either a HugggingFace model, a built TensorRT-LLM engine, or a TensorRT-LLM checkpoint, and the LLM() will do the rest work silently for end-to-end execution.

Quantization

By simply setting several flags in the ModelConfig, TensorRT-LLM can quantize the HuggingFace model automatically. For example, to perform an Int4 AWQ quantization, the following code will trigger the model quantization.

from tensorrt_llm.quantization import QuantAlgo

config = ModelConfig(model_dir=<llama_model_path>)

config.quant_config.quant_algo = QuantAlgo.W4A16_AWQ

llm = LLM(config)

Parallelism

Tensor Parallelism

It is easy to enable Tensor Parallelism in the high-level API. For example, setting parallel_config.tp_size=2 to perform a 2-way parallelism:

from tensorrt_llm import LLM, ModelConfig

config = ModelConfig(model_dir=<llama_model_path>)
config.parallel_config.tp_size = 2

Automatic Parallelism (in preview)

By simply enabling parallel_config.auto_parallel in the ModelConfig, TensorRT-LLM can parallelize the model automatically. For example, setting parallel_config.world_size to perform a 2-way parallelism:

from tensorrt_llm import LLM, ModelConfig

config = ModelConfig(model_dir=<llama_model_path>)
config.parallel_config.auto_parallel = True
config.parallel_config.world_size = 2

Generation

asyncio-based generation

With the high-level API, you can also perform asynchronous generation with the generate_async method. For example:

config = ModelConfig(model_dir=<llama_model_path>)

llm = LLM(config, async_mode=True)

async for output in llm.generate_async(<prompt>, streaming=True):
    print(output)

When the streaming flag is set to True, the generate_async method will return a generator that yields the token results as soon as they are available. Otherwise, it will return a generator that yields the final results only.

Future-style generation

The result of the generate_async method is a Future-like object, it doesn't block the thread unless the .result() is called.

# This will not block the main thread
generation = llm.generate_async(<prompt>)
# Do something else here
# call .result() to explicitly block the main thread and wait for the result when needed
output = generation.result()

The .result() method works like the result method in the Python Future, you can specify a timeout to wait for the result.

output = generation.result(timeout=10)

There is an async version, where the .aresult() is used.

generation = llm.generate_async(<prompt>)
output = await generation.aresult()

Customizing sampling with SamplingConfig

With SamplingConfig, you can customize the sampling strategy, such as beam search, temperature, and so on.

To enable beam search with a beam size of 4, set the sampling_config as follows:

from tensorrt_llm import ModelConfig, LLM
from tensorrt_llm.hlapi import SamplingConfig

config = ModelConfig(model_dir=<llama_model_path>, max_beam_width=4)

llm = LLM(config)
# Let the LLM object generate text with the default sampling strategy, or
# you can create a SamplingConfig object as well with several fields set manually
sampling_config = llm.get_default_sampling_config()
sampling_config.beam_width = 4 # current limitation: beam_width should be equal to max_beam_width

for output in llm.generate(<prompt>, sampling_config=sampling_config):
    print(output)

You can set other fields in the SamplingConfig object to customize the sampling strategy, please refer to the SamplingConfig class for more details.

LLM pipeline configuration

Runtime customization

For kv_cache_config, scheduling_policy and streaming_llm features, please refer to LLaMA's README for more details, the high-level API supports these features as well by setting the corresponding fields in the LLM() constructor.

from tensorrt_llm import ModelConfig, LLM
from tensorrt_llm.hlapi import KvCacheConfig, SchedulerPolicy

config = ModelConfig(model_dir=<llama_model_path>)
llm = LLM(config,
          kv_cache_config=KvCacheConfig(
                            max_new_tokens=128,
                            free_gpu_memory_fraction=0.8),
          scheduling_policy=SchedulerPolicy.GUARANTEED_NO_EVICT)

Tokenizer customization

By default, the high-level API uses transformers AutoTokenizer. You can override it with your own tokenizer by passing it when creating the LLM object. For example:

llm = LLM(config, tokenizer=<my_faster_one>)

The LLM() workflow should use your tokenizer instead.

It is also possible to input token IDs directly without Tokenizers with the following code, note that the result will be also IDs without text since the tokenizer is not used.

llm = LLM(config)

for output in llm.generate([32, 12]): ...

Disabling tokenizer

For performance considerations, you can disable the tokenizer by passing the token ID list to the LLM.generate/_async method. For example:

config = ModelConfig(model_dir=<llama_model_path>)

llm = LLM(config)
for output in llm.generate([[32, 12]]):
    print(output)

You will get something like GenerationResult(text='', token_ids=[23, 14, 3, 29871, 3], ...), note that the text field is empty since the tokenizer is not activated.

Fine grain control (Danger Zone)

The high-level API is designed to be easy to use with hiding and auto-configuring most of the details, ideally, you don't need to touch the low-level details. However, if you want to fine-tune the underlying details, it is still possible to do so with two temporary APIs:

  1. ModelConfig._set_additional_options to set additional options for the model, such as some TensorRT shape range.
  2. LLM(..., **_additional_options) to set extra options for the LLM pipeline, such as some runtime optimization knobs.

Note that, both APIs are not stable and we aim to gradually remove them, please use them with caution.