Accelerate documentation
Distributed inference
Distributed inference
Distributed inference can fall into three brackets:
- Loading an entire model onto each GPU and sending chunks of a batch through each GPU’s model copy at a time
- Loading parts of a model onto each GPU and processing a single input at one time
- Loading parts of a model onto each GPU and using what is called scheduled Pipeline Parallelism to combine the two prior techniques.
We’re going to go through the first and the last bracket, showcasing how to do each as they are more realistic scenarios.
Sending chunks of a batch automatically to each loaded model
This is the most memory-intensive solution, as it requires each GPU to keep a full copy of the model in memory at a given time.
Normally when doing this, users send the model to a specific device to load it from the CPU, and then move each prompt to a different device.
A basic pipeline using the diffusers library might look something like so:
import torch
import torch.distributed as dist
from diffusers import DiffusionPipeline
pipe = DiffusionPipeline.from_pretrained("runwayml/stable-diffusion-v1-5", torch_dtype=torch.float16)Followed then by performing inference based on the specific prompt:
def run_inference(rank, world_size):
    dist.init_process_group("nccl", rank=rank, world_size=world_size)
    pipe.to(rank)
    if torch.distributed.get_rank() == 0:
        prompt = "a dog"
    elif torch.distributed.get_rank() == 1:
        prompt = "a cat"
    result = pipe(prompt).images[0]
    result.save(f"result_{rank}.png")One will notice how we have to check the rank to know what prompt to send, which can be a bit tedious.
A user might then also think that with Accelerate, using the Accelerator to prepare a dataloader for such a task might also be
a simple way to manage this. (To learn more, check out the relevant section in the Quick Tour)
Can it manage it? Yes. Does it add unneeded extra code however: also yes.
With Accelerate, we can simplify this process by using the Accelerator.split_between_processes() context manager (which also exists in PartialState and AcceleratorState).
This function will automatically split whatever data you pass to it (be it a prompt, a set of tensors, a dictionary of the prior data, etc.) across all the processes (with a potential
to be padded) for you to use right away.
Let’s rewrite the above example using this context manager:
from accelerate import PartialState  # Can also be Accelerator or AcceleratorState
from diffusers import DiffusionPipeline
pipe = DiffusionPipeline.from_pretrained("runwayml/stable-diffusion-v1-5", torch_dtype=torch.float16)
distributed_state = PartialState()
pipe.to(distributed_state.device)
# Assume two processes
with distributed_state.split_between_processes(["a dog", "a cat"]) as prompt:
    result = pipe(prompt).images[0]
    result.save(f"result_{distributed_state.process_index}.png")And then to launch the code, we can use the Accelerate:
If you have generated a config file to be used using accelerate config:
accelerate launch distributed_inference.py
If you have a specific config file you want to use:
accelerate launch --config_file my_config.json distributed_inference.py
Or if don’t want to make any config files and launch on two GPUs:
Note: You will get some warnings about values being guessed based on your system. To remove these you can do
accelerate config defaultor go throughaccelerate configto create a config file.
accelerate launch --num_processes 2 distributed_inference.py
We’ve now reduced the boilerplate code needed to split this data to a few lines of code quite easily.
But what if we have an odd distribution of prompts to GPUs? For example, what if we have 3 prompts, but only 2 GPUs?
Under the context manager, the first GPU would receive the first two prompts and the second GPU the third, ensuring that all prompts are split and no overhead is needed.
However, what if we then wanted to do something with the results of all the GPUs? (Say gather them all and perform some kind of post processing)
You can pass in apply_padding=True to ensure that the lists of prompts are padded to the same length, with extra data being taken
from the last sample. This way all GPUs will have the same number of prompts, and you can then gather the results.
This is only needed when trying to perform an action such as gathering the results, where the data on each device needs to be the same length. Basic inference does not require this.
For instance:
from accelerate import PartialState  # Can also be Accelerator or AcceleratorState
from diffusers import DiffusionPipeline
pipe = DiffusionPipeline.from_pretrained("runwayml/stable-diffusion-v1-5", torch_dtype=torch.float16)
distributed_state = PartialState()
pipe.to(distributed_state.device)
# Assume two processes
with distributed_state.split_between_processes(["a dog", "a cat", "a chicken"], apply_padding=True) as prompt:
    result = pipe(prompt).imagesOn the first GPU, the prompts will be ["a dog", "a cat"], and on the second GPU it will be ["a chicken", "a chicken"].
Make sure to drop the final sample, as it will be a duplicate of the previous one.
You can find more complex examples here such as how to use it with LLMs.
Memory-efficient pipeline parallelism (experimental)
This next part will discuss using pipeline parallelism. This is an experimental API that utilizes torch.distributed.pipelining as a native solution.
The general idea with pipeline parallelism is: say you have 4 GPUs and a model big enough it can be split on four GPUs using device_map="auto". With this method you can send in 4 inputs at a time (for example here, any amount works) and each model chunk will work on an input, then receive the next input once the prior chunk finished, making it much more efficient and faster than the method described earlier. Here’s a visual taken from the PyTorch repository:

To illustrate how you can use this with Accelerate, we have created an example zoo showcasing a number of different models and situations. In this tutorial, we’ll show this method for GPT2 across two GPUs.
Before you proceed, please make sure you have the latest PyTorch version installed by running the following:
pip install torch
Start by creating the model on the CPU:
from transformers import GPT2ForSequenceClassification, GPT2Config
config = GPT2Config()
model = GPT2ForSequenceClassification(config)
model.eval()Next you’ll need to create some example inputs to use. These help torch.distributed.pipelining trace the model.
input = torch.randint(
    low=0,
    high=config.vocab_size,
    size=(2, 1024),  # bs x seq_len
    device="cpu",
    dtype=torch.int64,
    requires_grad=False,
)Next we need to actually perform the tracing and get the model ready. To do so, use the inference.prepare_pippy() function and it will fully wrap the model for pipeline parallelism automatically:
from accelerate.inference import prepare_pippy
example_inputs = {"input_ids": input}
model = prepare_pippy(model, example_args=(input,))There are a variety of parameters you can pass through to prepare_pippy:
- split_pointslets you determine what layers to split the model at. By default we use wherever- device_map="auto" declares, such asfc- orconv1`.
- num_chunksdetermines how the batch will be split and sent to the model itself (so- num_chunks=1with four split points/four GPUs will have a naive MP where a single input gets passed between the four layer split points)
From here, all that’s left is to actually perform the distributed inference!
When passing inputs, we highly recommend to pass them in as a tuple of arguments. Using kwargs is supported, however, this approach is experimental.
args = some_more_arguments
with torch.no_grad():
    output = model(*args)When finished all the data will be on the last process only:
from accelerate import PartialState
if PartialState().is_last_process:
    print(output)If you pass in gather_output=True to inference.prepare_pippy(), the output will be sent
across to all the GPUs afterwards without needing the is_last_process check. This is
False by default as it incurs a communication call.
And that’s it! To explore more, please check out the inference examples in the Accelerate repo and our documentation as we work to improving this integration.
< > Update on GitHub