DeepSpeed Integration
DeepSpeed Integration
DeepSpeed implements everything described in the ZeRO paper. Currently it provides full support for:
Optimizer state partitioning (ZeRO stage 1)
Gradient partitioning (ZeRO stage 2)
Parameter partitioning (ZeRO stage 3)
Custom mixed precision training handling
A range of fast CUDA-extension-based optimizers
ZeRO-Offload to CPU and NVMe
ZeRO-Offload has its own dedicated paper: ZeRO-Offload: Democratizing Billion-Scale Model Training. And NVMe-support is described in the paper ZeRO-Infinity: Breaking the GPU Memory Wall for Extreme Scale Deep Learning.
DeepSpeed ZeRO-2 is primarily used only for training, as its features are of no use to inference.
DeepSpeed ZeRO-3 can be used for inference as well, since it allows huge models to be loaded on multiple GPUs, which wonβt be possible on a single GPU.
π Transformers integrates DeepSpeed via 2 options:
Integration of the core DeepSpeed features via Trainer. This is an everything-done-for-you type of integration - just supply your custom config file or use our template and you have nothing else to do. Most of this document is focused on this feature.
If you donβt use Trainer and want to use your own Trainer where you integrated DeepSpeed yourself, core functionality functions like
from_pretrained
andfrom_config
include integration of essential parts of DeepSpeed likezero.Init
for ZeRO stage 3 and higher. To tap into this feature read the docs on non-Trainer DeepSpeed Integration.
What is integrated:
Training:
DeepSpeed ZeRO training supports the full ZeRO stages 1, 2 and 3 with ZeRO-Infinity (CPU and NVME offload).
Inference:
DeepSpeed ZeRO Inference supports ZeRO stage 3 with ZeRO-Infinity. It uses the same ZeRO protocol as training, but it doesnβt use an optimizer and a lr scheduler and only stage 3 is relevant. For more details see: zero-inference.
There is also DeepSpeed Inference - this is a totally different technology which uses Tensor Parallelism instead of ZeRO (coming soon).
Trainer Deepspeed Integration
Installation
Install the library via pypi:
Copied
or via transformers
β extras
:
Copied
or find more details on the DeepSpeedβs GitHub page and advanced install.
If youβre still struggling with the build, first make sure to read CUDA Extension Installation Notes.
If you donβt prebuild the extensions and rely on them to be built at run time and you tried all of the above solutions to no avail, the next thing to try is to pre-build the modules before installing them.
To make a local build for DeepSpeed:
Copied
If you intend to use NVMe offload you will also need to include DS_BUILD_AIO=1
in the instructions above (and also install libaio-dev system-wide).
Edit TORCH_CUDA_ARCH_LIST
to insert the code for the architectures of the GPU cards you intend to use. Assuming all your cards are the same you can get the arch via:
Copied
So if you get 8, 6
, then use TORCH_CUDA_ARCH_LIST="8.6"
. If you have multiple different cards, you can list all of them like so TORCH_CUDA_ARCH_LIST="6.1;8.6"
If you need to use the same setup on multiple machines, make a binary wheel:
Copied
it will generate something like dist/deepspeed-0.3.13+8cd046f-cp38-cp38-linux_x86_64.whl
which now you can install as pip install deepspeed-0.3.13+8cd046f-cp38-cp38-linux_x86_64.whl
locally or on any other machine.
Again, remember to ensure to adjust TORCH_CUDA_ARCH_LIST
to the target architectures.
You can find the complete list of NVIDIA GPUs and their corresponding Compute Capabilities (same as arch in this context) here.
You can check the archs pytorch was built with using:
Copied
Here is how to find out the arch for one of the installed GPUs. For example, for GPU 0:
Copied
If the output is:
Copied
then you know that this cardβs arch is 8.6
.
You can also leave TORCH_CUDA_ARCH_LIST
out completely and then the build program will automatically query the architecture of the GPUs the build is made on. This may or may not match the GPUs on the target machines, thatβs why itβs best to specify the desired archs explicitly.
If after trying everything suggested you still encounter build issues, please, proceed with the GitHub Issue of Deepspeed,
Deployment with multiple GPUs
To deploy the DeepSpeed integration adjust the Trainer command line arguments to include a new argument --deepspeed ds_config.json
, where ds_config.json
is the DeepSpeed configuration file as documented here. The file naming is up to you. Itβs recommended to use DeepSpeedβs add_config_arguments
utility to add the necessary command line arguments to your code. For more information please see DeepSpeedβs Argument Parsing doc.
You can use a launcher of your choice here. You can continue using the pytorch launcher:
Copied
or use the launcher provided by deepspeed
:
Copied
As you can see the arguments arenβt the same, but for most needs either of them works. The full details on how to configure various nodes and GPUs can be found here.
When you use the deepspeed
launcher and you want to use all available gpus you can just omit the --num_gpus
flag.
Here is an example of running run_translation.py
under DeepSpeed deploying all available GPUs:
Copied
Note that in the DeepSpeed documentation you are likely to see --deepspeed --deepspeed_config ds_config.json
- i.e. two DeepSpeed-related arguments, but for the sake of simplicity, and since there are already so many arguments to deal with, we combined the two into a single argument.
For some practical usage examples, please, see this post.
Deployment with one GPU
To deploy DeepSpeed with one GPU adjust the Trainer command line arguments as follows:
Copied
This is almost the same as with multiple-GPUs, but here we tell DeepSpeed explicitly to use just one GPU via --num_gpus=1
. By default, DeepSpeed deploys all GPUs it can see on the given node. If you have only 1 GPU to start with, then you donβt need this argument. The following documentation discusses the launcher options.
Why would you want to use DeepSpeed with just one GPU?
It has a ZeRO-offload feature which can delegate some computations and memory to the hostβs CPU and RAM, and thus leave more GPU resources for modelβs needs - e.g. larger batch size, or enabling a fitting of a very big model which normally wonβt fit.
It provides a smart GPU memory management system, that minimizes memory fragmentation, which again allows you to fit bigger models and data batches.
While we are going to discuss the configuration in details next, the key to getting a huge improvement on a single GPU with DeepSpeed is to have at least the following configuration in the configuration file:
Copied
which enables optimizer offload and some other important features. You may experiment with the buffer sizes, you will find more details in the discussion below.
For a practical usage example of this type of deployment, please, see this post.
You may also try the ZeRO-3 with CPU and NVMe offload as explained further in this document.
Notes:
if you need to run on a specific GPU, which is different from GPU 0, you canβt use
CUDA_VISIBLE_DEVICES
to limit the visible scope of available GPUs. Instead, you have to use the following syntax:Copied
In this example, we tell DeepSpeed to use GPU 1 (second gpu).
Deployment with multiple Nodes
The information in this section isnβt not specific to the DeepSpeed integration and is applicable to any multi-node program. But DeepSpeed provides a deepspeed
launcher that is easier to use than other launchers unless you are in a SLURM environment.
For the duration of this section letβs assume that you have 2 nodes with 8 gpus each. And you can reach the first node with ssh hostname1
and second node with ssh hostname2
, and both must be able to reach each other via ssh locally without a password. Of course, you will need to rename these host (node) names to the actual host names you are working with.
The torch.distributed.run launcher
For example, to use torch.distributed.run
, you could do:
Copied
You have to ssh to each node and run this same command on each one of them! There is no rush, the launcher will wait until both nodes will synchronize.
For more information please see torchrun. Incidentally, this is also the launcher that replaced torch.distributed.launch
a few pytorch versions back.
The deepspeed launcher
To use the deepspeed
launcher instead, you have to first create a hostfile
file:
Copied
and then you can launch it as:
Copied
Unlike the torch.distributed.run
launcher, deepspeed
will automatically launch this command on both nodes!
For more information please see Resource Configuration (multi-node).
Launching in a SLURM environment
In the SLURM environment the following approach can be used. The following is a slurm script launch.slurm
which you will need to adapt it to your specific SLURM environment.
Copied
All is left is to schedule it to run:
Copied
srun
will take care of launching the program simultaneously on all nodes.
Use of Non-shared filesystem
By default DeepSpeed expects that a multi-node environment uses a shared storage. If this is not the case and each node can only see the local filesystem, you need to adjust the config file to include a checkpoint
_section with the following setting:
Copied
Alternatively, you can also use the Trainerβs --save_on_each_node
argument, and the above config will be added automatically for you.
Deployment in Notebooks
The problem with running notebook cells as a script is that there is no normal deepspeed
launcher to rely on, so under certain setups we have to emulate it.
If youβre using only 1 GPU, here is how youβd have to adjust your training code in the notebook to use DeepSpeed.
Copied
Note: ...
stands for the normal arguments that youβd pass to the functions.
If you want to use more than 1 GPU, you must use a multi-process environment for DeepSpeed to work. That is, you have to use the launcher for that purpose and this cannot be accomplished by emulating the distributed environment presented at the beginning of this section.
If you want to create the config file on the fly in the notebook in the current directory, you could have a dedicated cell with:
Copied
If the training script is in a normal file and not in the notebook cells, you can launch deepspeed
normally via shell from a cell. For example, to use run_translation.py
you would launch it with:
Copied
or with %%bash
magic, where you can write a multi-line code for the shell program to run:
Copied
In such case you donβt need any of the code presented at the beginning of this section.
Note: While %%bash
magic is neat, but currently it buffers the output so you wonβt see the logs until the process completes.
Configuration
For the complete guide to the DeepSpeed configuration options that can be used in its configuration file please refer to the following documentation.
You can find dozens of DeepSpeed configuration examples that address various practical needs in the DeepSpeedExamples repo:
Copied
Continuing the code from above, letβs say youβre looking to configure the Lamb optimizer. So you can search through the example .json
files with:
Copied
Some more examples are to be found in the main repo as well.
When using DeepSpeed you always need to supply a DeepSpeed configuration file, yet some configuration parameters have to be configured via the command line. You will find the nuances in the rest of this guide.
To get an idea of what DeepSpeed configuration file looks like, here is one that activates ZeRO stage 2 features, including optimizer states cpu offload, uses AdamW
optimizer and WarmupLR
scheduler and will enable mixed precision training if --fp16
is passed:
Copied
When you execute the program, DeepSpeed will log the configuration it received from the Trainer to the console, so you can see exactly what was the final configuration passed to it.
Passing Configuration
As discussed in this document normally the DeepSpeed configuration is passed as a path to a json file, but if youβre not using the command line interface to configure the training, and instead instantiate the Trainer via TrainingArguments then for the deepspeed
argument you can pass a nested dict
. This allows you to create the configuration on the fly and doesnβt require you to write it to the file system before passing it to TrainingArguments.
To summarize you can do:
Copied
or:
Copied
Shared Configuration
This section is a must-read
Some configuration values are required by both the Trainer and DeepSpeed to function correctly, therefore, to prevent conflicting definitions, which could lead to hard to detect errors, we chose to configure those via the Trainer command line arguments.
Additionally, some configuration values are derived automatically based on the modelβs configuration, so instead of remembering to manually adjust multiple values, itβs the best to let the Trainer do the majority of configuration for you.
Therefore, in the rest of this guide you will find a special configuration value: auto
, which when set will be automatically replaced with the correct or most efficient value. Please feel free to choose to ignore this recommendation and set the values explicitly, in which case be very careful that your the Trainer arguments and DeepSpeed configurations agree. For example, are you using the same learning rate, or batch size, or gradient accumulation settings? if these mismatch the training may fail in very difficult to detect ways. You have been warned.
There are multiple other values that are specific to DeepSpeed-only and those you will have to set manually to suit your needs.
In your own programs, you can also use the following approach if youβd like to modify the DeepSpeed config as a master and configure TrainingArguments based on that. The steps are:
Create or load the DeepSpeed configuration to be used as a master configuration
Create the TrainingArguments object based on these values
Do note that some values, such as scheduler.params.total_num_steps
are calculated by Trainer during train
, but you can of course do the math yourself.
ZeRO
Zero Redundancy Optimizer (ZeRO) is the workhorse of DeepSpeed. It supports 3 different levels (stages) of optimization. The first one is not quite interesting for scalability purposes, therefore this document focuses on stages 2 and 3. Stage 3 is further improved by the latest addition of ZeRO-Infinity. You will find more indepth information in the DeepSpeed documentation.
The zero_optimization
section of the configuration file is the most important part (docs), since that is where you define which ZeRO stages you want to enable and how to configure them. You will find the explanation for each parameter in the DeepSpeed docs.
This section has to be configured exclusively via DeepSpeed configuration - the Trainer provides no equivalent command line arguments.
Note: currently DeepSpeed doesnβt validate parameter names, so if you misspell any, itβll use the default setting for the parameter that got misspelled. You can watch the DeepSpeed engine start up log messages to see what values it is going to use.
ZeRO-2 Config
The following is an example of configuration for ZeRO stage 2:
Copied
Performance tuning:
enabling
offload_optimizer
should reduce GPU RAM usage (it requires"stage": 2
)"overlap_comm": true
trades off increased GPU RAM usage to lower all-reduce latency.overlap_comm
uses 4.5x theallgather_bucket_size
andreduce_bucket_size
values. So if they are set to 5e8, this requires a 9GB footprint (5e8 x 2Bytes x 2 x 4.5
). Therefore, if you have a GPU with 8GB or less RAM, to avoid getting OOM-errors you will need to reduce those parameters to about2e8
, which would require 3.6GB. You will want to do the same on larger capacity GPU as well, if youβre starting to hit OOM.when reducing these buffers youβre trading communication speed to avail more GPU RAM. The smaller the buffer size is, the slower the communication gets, and the more GPU RAM will be available to other tasks. So if a bigger batch size is important, getting a slightly slower training time could be a good trade.
Additionally, deepspeed==0.4.4
added a new option round_robin_gradients
which you can enable with:
Copied
This is a stage 2 optimization for CPU offloading that parallelizes gradient copying to CPU memory among ranks by fine-grained gradient partitioning. Performance benefit grows with gradient accumulation steps (more copying between optimizer steps) or GPU count (increased parallelism).
ZeRO-3 Config
The following is an example of configuration for ZeRO stage 3:
Copied
If you are getting OOMs, because your model or activations donβt fit into the GPU memory and you have unutilized CPU memory offloading the optimizer states and parameters to CPU memory with "device": "cpu"
may solve this limitation. If you donβt want to offload to CPU memory, use none
instead of cpu
for the device
entry. Offloading to NVMe is discussed further down.
Pinned memory is enabled with pin_memory
set to true
. This feature can improve the throughput at the cost of making less memory available to other processes. Pinned memory is set aside to the specific process that requested it and its typically accessed much faster than normal CPU memory.
Performance tuning:
stage3_max_live_parameters
:1e9
stage3_max_reuse_distance
:1e9
If hitting OOM reduce stage3_max_live_parameters
and stage3_max_reuse_distance
. They should have minimal impact on performance unless you are doing activation checkpointing. 1e9
would consume ~2GB. The memory is shared by stage3_max_live_parameters
and stage3_max_reuse_distance
, so itβs not additive, itβs just 2GB total.
stage3_max_live_parameters
is the upper limit on how many full parameters you want to keep on the GPU at any given time. βreuse distanceβ is a metric we are using to figure out when will a parameter be used again in the future, and we use the stage3_max_reuse_distance
to decide whether to throw away the parameter or to keep it. If a parameter is going to be used again in near future (less than stage3_max_reuse_distance
) then we keep it to reduce communication overhead. This is super helpful when you have activation checkpointing enabled, where we do a forward recompute and backward passes a single layer granularity and want to keep the parameter in the forward recompute till the backward
The following configuration values depend on the modelβs hidden size:
reduce_bucket_size
:hidden_size*hidden_size
stage3_prefetch_bucket_size
:0.9 * hidden_size * hidden_size
stage3_param_persistence_threshold
:10 * hidden_size
therefore set these values to auto
and the Trainer will automatically assign the recommended values. But, of course, feel free to set these explicitly as well.
stage3_gather_16bit_weights_on_model_save
enables model fp16 weights consolidation when model gets saved. With large models and multiple GPUs this is an expensive operation both in terms of memory and speed. Itβs currently required if you plan to resume the training. Watch out for future updates that will remove this limitation and make things more flexible.
If youβre migrating from ZeRO-2 configuration note that allgather_partitions
, allgather_bucket_size
and reduce_scatter
configuration parameters are not used in ZeRO-3. If you keep these in the config file they will just be ignored.
sub_group_size
:1e9
sub_group_size
controls the granularity in which parameters are updated during optimizer steps. Parameters are grouped into buckets of sub_group_size
and each buckets is updated one at a time. When used with NVMe offload in ZeRO-Infinity, sub_group_size
therefore controls the granularity in which model states are moved in and out of CPU memory from NVMe during the optimizer step. This prevents running out of CPU memory for extremely large models.
You can leave sub_group_size
to its default value of 1e9 when not using NVMe offload. You may want to change its default value in the following cases:
Running into OOM during optimizer step: Reduce
sub_group_size
to reduce memory utilization of temporary buffersOptimizer Step is taking a long time: Increase
sub_group_size
to improve bandwidth utilization as a result of the increased data buffers.
ZeRO-0 Config
Note that weβre listing Stage 0 and 1 last since they are rarely used.
Stage 0 is disabling all types of sharding and just using DeepSpeed as DDP. You can turn it on with:
Copied
This will essentially disable ZeRO without you needing to change anything else.
ZeRO-1 Config
Stage 1 is Stage 2 minus gradient sharding. You can always try it to speed things a tiny bit to only shard the optimizer states with:
Copied
NVMe Support
ZeRO-Infinity allows for training incredibly large models by extending GPU and CPU memory with NVMe memory. Thanks to smart partitioning and tiling algorithms each GPU needs to send and receive very small amounts of data during offloading so modern NVMe proved to be fit to allow for an even larger total memory pool available to your training process. ZeRO-Infinity requires ZeRO-3 enabled.
The following configuration example enables NVMe to offload both optimizer states and the params:
Copied
You can choose to offload both optimizer states and params to NVMe, or just one of them or none. For example, if you have copious amounts of CPU memory available, by all means offload to CPU memory only as itβd be faster (hint: βdeviceβ: βcpuβ).
Here is the full documentation for offloading optimizer states and parameters.
Make sure that your nvme_path
is actually an NVMe, since it will work with the normal hard drive or SSD, but itβll be much much slower. The fast scalable training was designed with modern NVMe transfer speeds in mind (as of this writing one can have ~3.5GB/s read, ~3GB/s write peak speeds).
In order to figure out the optimal aio
configuration block you must run a benchmark on your target setup, as explained here.
ZeRO-2 vs ZeRO-3 Performance
ZeRO-3 is likely to be slower than ZeRO-2 if everything else is configured the same because the former has to gather model weights in addition to what ZeRO-2 does. If ZeRO-2 meets your needs and you donβt need to scale beyond a few GPUs then you may choose to stick to it. Itβs important to understand that ZeRO-3 enables a much higher scalability capacity at a cost of speed.
Itβs possible to adjust ZeRO-3 configuration to make it perform closer to ZeRO-2:
set
stage3_param_persistence_threshold
to a very large number - larger than the largest parameter, e.g.,6 * hidden_size * hidden_size
. This will keep the parameters on the GPUs.turn off
offload_params
since ZeRO-2 doesnβt have that option.
The performance will likely improve significantly with just offload_params
turned off, even if you donβt change stage3_param_persistence_threshold
. Of course, these changes will impact the size of the model you can train. So these help you to trade scalability for speed depending on your needs.
ZeRO-2 Example
Here is a full ZeRO-2 auto-configuration file ds_config_zero2.json
:
Copied
Here is a full ZeRO-2 all-enabled manually set configuration file. It is here mainly for you to see what the typical values look like, but we highly recommend using the one with multiple auto
settings in it.
Copied
ZeRO-3 Example
Here is a full ZeRO-3 auto-configuration file ds_config_zero3.json
:
Copied
Here is a full ZeRO-3 all-enabled manually set configuration file. It is here mainly for you to see what the typical values look like, but we highly recommend using the one with multiple auto
settings in it.
Copied
How to Choose Which ZeRO Stage and Offloads To Use For Best Performance
So now you know there are all these different stages. How to decide which of them to use? This section will attempt to address this question.
In general the following applies:
Speed-wise (left is faster than right)
Stage 0 (DDP) > Stage 1 > Stage 2 > Stage 2 + offload > Stage 3 > Stage 3 + offloads
GPU Memory usage-wise (right is more GPU memory efficient than left)
Stage 0 (DDP) < Stage 1 < Stage 2 < Stage 2 + offload < Stage 3 < Stage 3 + offloads
So when you want to get the fastest execution while fitting into minimal number of GPUs, here is the process you could follow. We start with the fastest approach and if running into GPU OOM we then go to the next slower approach, but which will use less GPU memory. And so on and so forth.
First of all set batch size to 1 (you can always use gradient accumulation for any desired effective batch size).
Enable
--gradient_checkpointing 1
(HF Trainer) or directlymodel.gradient_checkpointing_enable()
- if OOM thenTry ZeRO stage 2 first. if OOM then
Try ZeRO stage 2 +
offload_optimizer
- if OOM thenSwitch to ZeRO stage 3 - if OOM then
Enable
offload_param
tocpu
- if OOM thenEnable
offload_optimizer
tocpu
- if OOM thenIf you still canβt fit a batch size of 1 first check various default values and lower them if you can. For example, if you use
generate
and you donβt use a wide search beam make it narrower as itβd take a lot of memory.Definitely use mixed half-precision over fp32 - so bf16 on Ampere and higher GPUs and fp16 on older gpu architectures.
If you still OOM you could add more hardware or enable ZeRO-Infinity - that is switch offloads
offload_param
andoffload_optimizer
tonvme
. You need to make sure itβs a very fast nvme. As an anecdote I was able to infer BLOOM-176B on a tiny GPU using ZeRO-Infinity except it was extremely slow. But it worked!
You can, of course, work through these steps in reverse by starting with the most GPU memory efficient config and then going backwards. Or try bi-secting it.
Once you have your batch size 1 not leading to OOM, measure your effective throughput.
Next try to increase the batch size to as large as you can, since the higher the batch size the more efficient the GPUs are as they perform the best when matrices they multiply are huge.
Now the performance optimization game starts. You can turn off some offload features or step down in ZeRO stages and increase/decrease batch size and again measure your effective throughput. Rinse and repeat until satisfied.
Donβt spend forever on it, but if youβre about to start a 3 months training - do spend a few days on it to find the most effective throughput-wise setup. So that your training cost will be the lowest and you will finish training faster. In the current crazy-paced ML world, if it takes you an extra month to train something you are likely to miss a golden opportunity. Of course, this is only me sharing an observation and in no way Iβm trying to rush you. Before beginning to train BLOOM-176B I spent 2 days on this process and was able to increase throughput from 90 to 150 TFLOPs! This effort saved us more than one month of training time.
These notes were written primarily for the training mode, but they should mostly apply for inference as well. For example, during inference Gradient Checkpointing is a no-op since it is only useful during training. Additionally, we found out that if you are doing a multi-GPU inference and not using DeepSpeed-Inference, Accelerate should provide a superior performance.
Other quick related performance notes:
if you are training something from scratch always try to have tensors with shapes that are divisible by 16 (e.g. hidden size). For batch size try divisible by 2 at least. There are wave and tile quanitization divisibility that is hardware-specific if you want to squeeze even higher performance from your GPUs.
Activation Checkpointing or Gradient Checkpointing
Activation checkpointing and gradient checkpointing are two distinct terms that refer to the same methodology. Itβs very confusing but this is how it is.
Gradient checkpointing allows one to trade speed for GPU memory, which either allows one to overcome a GPU OOM, or increase their batch size, which often leads to a better performance.
HF Transformers models donβt know anything about DeepSpeedβs activation checkpointing, so if you try to enable that feature in the DeepSpeed config file, nothing will happen.
Therefore you have two ways to take advantage of this very beneficial feature:
If you want to use a HF Transformers models you can do
model.gradient_checkpointing_enable()
or use--gradient_checkpointing
in the HF Trainer, which will automatically enable this for you.torch.utils.checkpoint
is used there.If you write your own model and you want to use DeepSpeedβs activation checkpointing you can use the API prescribed there. You can also take the HF Transformers modeling code and replace
torch.utils.checkpoint
with the DeepSpeedβs API. The latter is more flexible since it allows you to offload the forward activations to the CPU memory instead of recalculating them.
Optimizer and Scheduler
As long as you donβt enable offload_optimizer
you can mix and match DeepSpeed and BOINC AI schedulers and optimizers, with the exception of using the combination of BOINC AI scheduler and DeepSpeed optimizer:
| Combos | HF Scheduler | DS Scheduler | | HF Optimizer | Yes | Yes | | DS Optimizer | No | Yes |
It is possible to use a non-DeepSpeed optimizer when offload_optimizer
is enabled, as long as it has both CPU and GPU implementation (except LAMB).
Optimizer
DeepSpeedβs main optimizers are Adam, AdamW, OneBitAdam, and Lamb. These have been thoroughly tested with ZeRO and are thus recommended to be used. It, however, can import other optimizers from torch
. The full documentation is here.
If you donβt configure the optimizer
entry in the configuration file, the Trainer will automatically set it to AdamW
and will use the supplied values or the defaults for the following command line arguments: --learning_rate
, --adam_beta1
, --adam_beta2
, --adam_epsilon
and --weight_decay
.
Here is an example of the auto-configured optimizer
entry for AdamW
:
Copied
Note that the command line arguments will set the values in the configuration file. This is so that there is one definitive source of the values and to avoid hard to find errors when for example, the learning rate is set to different values in different places. Command line rules. The values that get overridden are:
lr
with the value of--learning_rate
betas
with the value of--adam_beta1 --adam_beta2
eps
with the value of--adam_epsilon
weight_decay
with the value of--weight_decay
Therefore please remember to tune the shared hyperparameters on the command line.
You can also set the values explicitly:
Copied
But then youβre on your own synchronizing the Trainer command line arguments and the DeepSpeed configuration.
If you want to use another optimizer which is not listed above, you will have to add to the top level configuration.
Copied
Similarly to AdamW
, you can configure other officially supported optimizers. Just remember that those may have different config values. e.g. for Adam you will want weight_decay
around 0.01
.
Additionally, offload works the best when itβs used with Deepspeedβs CPU Adam optimizer. If you want to use a different optimizer with offload, since deepspeed==0.8.3
you need to also add:
Copied
to the top level configuration.
Scheduler
DeepSpeed supports LRRangeTest
, OneCycle
, WarmupLR
and WarmupDecayLR
learning rate schedulers. The full documentation is here.
Here is where the schedulers overlap between π Transformers and DeepSpeed:
WarmupLR
via--lr_scheduler_type constant_with_warmup
WarmupDecayLR
via--lr_scheduler_type linear
. This is also the default value for--lr_scheduler_type
, therefore, if you donβt configure the scheduler this is scheduler that will get configured by default.
If you donβt configure the scheduler
entry in the configuration file, the Trainer will use the values of --lr_scheduler_type
, --learning_rate
and --warmup_steps
or --warmup_ratio
to configure a π Transformers version of it.
Here is an example of the auto-configured scheduler
entry for WarmupLR
:
Copied
Since βautoβ is used the Trainer arguments will set the correct values in the configuration file. This is so that there is one definitive source of the values and to avoid hard to find errors when, for example, the learning rate is set to different values in different places. Command line rules. The values that get set are:
warmup_min_lr
with the value of0
.warmup_max_lr
with the value of--learning_rate
.warmup_num_steps
with the value of--warmup_steps
if provided. Otherwise will use--warmup_ratio
multiplied by the number of training steps and rounded up.total_num_steps
with either the value of--max_steps
or if it is not provided, derived automatically at run time based on the environment and the size of the dataset and other command line arguments (needed forWarmupDecayLR
).
You can, of course, take over any or all of the configuration values and set those yourself:
Copied
But then youβre on your own synchronizing the Trainer command line arguments and the DeepSpeed configuration.
For example, for WarmupDecayLR
, you can use the following entry:
Copied
and total_num_steps
, warmup_max_lr
, warmup_num_steps
and total_num_steps
will be set at loading time.
fp32 Precision
Deepspeed supports the full fp32 and the fp16 mixed precision.
Because of the much reduced memory needs and faster speed one gets with the fp16 mixed precision, the only time you will want to not use it is when the model youβre using doesnβt behave well under this training mode. Typically this happens when the model wasnβt pretrained in the fp16 mixed precision (e.g. often this happens with bf16-pretrained models). Such models may overflow or underflow leading to NaN
loss. If this is your case then you will want to use the full fp32 mode, by explicitly disabling the otherwise default fp16 mixed precision mode with:
Copied
If youβre using the Ampere-architecture based GPU, pytorch version 1.7 and higher will automatically switch to using the much more efficient tf32 format for some operations, but the results will still be in fp32. For details and benchmarks, please, see TensorFloat-32(TF32) on Ampere devices. The document includes instructions on how to disable this automatic conversion if for some reason you prefer not to use it.
With the π Trainer you can use --tf32
to enable it, or disable it with --tf32 0
or --no_tf32
. By default the PyTorch default is used.
Automatic Mixed Precision
You can use automatic mixed precision with either a pytorch-like AMP way or the apex-like way:
fp16
To configure pytorch AMP-like mode with fp16 (float16) set:
Copied
and the Trainer will automatically enable or disable it based on the value of args.fp16_backend
. The rest of config values are up to you.
This mode gets enabled when --fp16 --fp16_backend amp
or --fp16_full_eval
command line args are passed.
You can also enable/disable this mode explicitly:
Copied
But then youβre on your own synchronizing the Trainer command line arguments and the DeepSpeed configuration.
Here is the documentation.
bf16
If bf16 (bfloat16) is desired instead of fp16 then the following configuration section is to be used:
Copied
bf16 has the same dynamic range as fp32 and thus doesnβt require loss scaling.
This mode gets enabled when --bf16
or --bf16_full_eval
command line args are passed.
You can also enable/disable this mode explicitly:
Copied
As of deepspeed==0.6.0
the bf16 support is new and experimental.
If you use gradient accumulation with bf16-enabled, you need to be aware that itβll accumulate gradients in bf16, which may not be what you want due to this formatβs low precision, as it may lead to a lossy accumulation.
A work is being done to fix that and provide an option to use a higher precision dtype
(fp16 or fp32).
NCCL Collectives
There is the dtype
of the training regime and there is a separate dtype
that is used for communication collectives like various reduction and gathering/scattering operations.
All gather/scatter ops are performed in the same dtype
the data is in, so if youβre using bf16 training regime it gets gathered in bf16 - gathering is a non-lossy operation.
Various reduce operations can be quite lossy, for example when gradients are averaged across multiple-gpus, if the communications are done in fp16 or bf16 the outcome is likely be lossy - since when one ads multiple numbers in low precision the result isnβt exact. More so with bf16 as it has a lower precision than fp16. Often fp16 is good enough as the loss is minimal when averaging grads which are typically very small. Therefore, by default for half precision training fp16 is used as the default for reduction operations. But you have full control over this functionality and if you choose you can add a small overhead and ensure that reductions will be using fp32 as the accumulation dtype and only when the result is ready itβll get downcast to the half precision dtype
youβre training in.
In order to override the default you simply add a new configuration entry:
Copied
The valid values as of this writing are βfp16β, βbfp16β, βfp32β.
note: stage zero 3 had a bug with regards to bf16 comm dtype that was fixed in deepspeed==0.8.1
apex
To configure apex AMP-like mode set:
Copied
and the Trainer will automatically configure it based on the values of args.fp16_backend
and args.fp16_opt_level
.
This mode gets enabled when --fp16 --fp16_backend apex --fp16_opt_level 01
command line args are passed.
You can also configure this mode explicitly:
Copied
But then youβre on your own synchronizing the Trainer command line arguments and the DeepSpeed configuration.
Here is the documentation.
Batch Size
To configure batch size, use:
Copied
and the Trainer will automatically set train_micro_batch_size_per_gpu
to the value of args.per_device_train_batch_size
and train_batch_size
to args.world_size * args.per_device_train_batch_size * args.gradient_accumulation_steps
.
You can also set the values explicitly:
Copied
But then youβre on your own synchronizing the Trainer command line arguments and the DeepSpeed configuration.
Gradient Accumulation
To configure gradient accumulation set:
Copied
and the Trainer will automatically set it to the value of args.gradient_accumulation_steps
.
You can also set the value explicitly:
Copied
But then youβre on your own synchronizing the Trainer command line arguments and the DeepSpeed configuration.
Gradient Clipping
To configure gradient gradient clipping set:
Copied
and the Trainer will automatically set it to the value of args.max_grad_norm
.
You can also set the value explicitly:
Copied
But then youβre on your own synchronizing the Trainer command line arguments and the DeepSpeed configuration.
Getting The Model Weights Out
As long as you continue training and resuming using DeepSpeed you donβt need to worry about anything. DeepSpeed stores fp32 master weights in its custom checkpoint optimizer files, which are global_step*/*optim_states.pt
(this is glob pattern), and are saved under the normal checkpoint.
FP16 Weights:
When a model is saved under ZeRO-2, you end up having the normal pytorch_model.bin
file with the model weights, but they are only the fp16 version of the weights.
Under ZeRO-3, things are much more complicated, since the model weights are partitioned out over multiple GPUs, therefore "stage3_gather_16bit_weights_on_model_save": true
is required to get the Trainer
to save the fp16 version of the weights. If this setting is False
pytorch_model.bin
wonβt be created. This is because by default DeepSpeedβs state_dict
contains a placeholder and not the real weights. If we were to save this state_dict
it wonβt be possible to load it back.
Copied
FP32 Weights:
While the fp16 weights are fine for resuming training, if you finished finetuning your model and want to upload it to the models hub or pass it to someone else you most likely will want to get the fp32 weights. This ideally shouldnβt be done during training since this is a process that requires a lot of memory, and therefore best to be performed offline after the training is complete. But if desired and you have plenty of free CPU memory it can be done in the same training script. The following sections will discuss both approaches.
Live FP32 Weights Recovery:
This approach may not work if you model is large and you have little free CPU memory left, at the end of the training.
If you have saved at least one checkpoint, and you want to use the latest one, you can do the following:
Copied
If youβre using the --load_best_model_at_end
class:~transformers.TrainingArguments argument (to track the best checkpoint), then you can finish the training by first saving the final model explicitly and then do the same as above:
Copied
Note, that once load_state_dict_from_zero_checkpoint
was run, the model
will no longer be usable in the DeepSpeed context of the same application. i.e. you will need to re-initialize the deepspeed engine, since model.load_state_dict(state_dict)
will remove all the DeepSpeed magic from it. So do this only at the very end of the training.
Of course, you donβt have to use class:~transformers.Trainer and you can adjust the examples above to your own trainer.
If for some reason you want more refinement, you can also extract the fp32 state_dict
of the weights and apply these yourself as is shown in the following example:
Copied
Offline FP32 Weights Recovery:
DeepSpeed creates a special conversion script zero_to_fp32.py
which it places in the top-level of the checkpoint folder. Using this script you can extract the weights at any point. The script is standalone and you no longer need to have the configuration file or a Trainer
to do the extraction.
Letβs say your checkpoint folder looks like this:
Copied
In this example there is just one DeepSpeed checkpoint sub-folder global_step1. Therefore to reconstruct the fp32 weights just run:
Copied
This is it. pytorch_model.bin
will now contain the full fp32 model weights consolidated from multiple GPUs.
The script will automatically be able to handle either a ZeRO-2 or ZeRO-3 checkpoint.
python zero_to_fp32.py -h
will give you usage details.
The script will auto-discover the deepspeed sub-folder using the contents of the file latest
, which in the current example will contain global_step1
.
Note: currently the script requires 2x general RAM of the final fp32 model weights.
ZeRO-3 and Infinity Nuances
ZeRO-3 is quite different from ZeRO-2 because of its param sharding feature.
ZeRO-Infinity further extends ZeRO-3 to support NVMe memory and multiple other speed and scalability improvements.
While all the efforts were made for things to just work without needing any special changes to your models, in certain circumstances you may find the following information to be needed.
Constructing Massive Models
DeepSpeed/ZeRO-3 can handle models with Trillions of parameters which may not fit onto the existing RAM. In such cases, but also if you want the initialization to happen much faster, initialize the model using deepspeed.zero.Init() context manager (which is also a function decorator), like so:
Copied
As you can see this gives you a randomly initialized model.
If you want to use a pretrained model, model_class.from_pretrained
will activate this feature as long as is_deepspeed_zero3_enabled()
returns True
, which currently is setup by the TrainingArguments object if the passed DeepSpeed configuration file contains ZeRO-3 config section. Thus you must create the TrainingArguments object before calling from_pretrained
. Here is an example of a possible sequence:
Copied
If youβre using the official example scripts and your command line arguments include --deepspeed ds_config.json
with ZeRO-3 config enabled, then everything is already done for you, since this is how example scripts are written.
Note: If the fp16 weights of the model canβt fit onto the memory of a single GPU this feature must be used.
For full details on this method and other related features please refer to Constructing Massive Models.
Also when loading fp16-pretrained models, you will want to tell from_pretrained
to use torch_dtype=torch.float16
. For details, please, see from_pretrained-torch-dtype.
Gathering Parameters
Under ZeRO-3 on multiple GPUs no single GPU has all the parameters unless itβs the parameters for the currently executing layer. So if you need to access all parameters from all layers at once there is a specific method to do it. Most likely you wonβt need it, but if you do please refer to Gathering Parameters
We do however use it internally in several places, one such example is when loading pretrained model weights in from_pretrained
. We load one layer at a time and immediately partition it to all participating GPUs, as for very large models it wonβt be possible to load it on one GPU and then spread it out to multiple GPUs, due to memory limitations.
Also under ZeRO-3, if you write your own code and run into a model parameter weight that looks like:
Copied
stress on tensor([1.])
, or if you get an error where it says the parameter is of size 1
, instead of some much larger multi-dimensional shape, this means that the parameter is partitioned and what you see is a ZeRO-3 placeholder.
ZeRO Inference
ZeRO Inference uses the same config as ZeRO-3 Training. You just donβt need the optimizer and scheduler sections. In fact you can leave these in the config file if you want to share the same one with the training. They will just be ignored.
Otherwise you just need to pass the usual TrainingArguments arguments. For example:
Copied
The only important thing is that you need to use a ZeRO-3 configuration, since ZeRO-2 provides no benefit whatsoever for the inference as only ZeRO-3 performs sharding of parameters, whereas ZeRO-1 shards gradients and optimizer states.
Here is an example of running run_translation.py
under DeepSpeed deploying all available GPUs:
Copied
Since for inference there is no need for additional large memory used by the optimizer states and the gradients you should be able to fit much larger batches and/or sequence length onto the same hardware.
Additionally DeepSpeed is currently developing a related product called Deepspeed-Inference which has no relationship to the ZeRO technology, but instead uses tensor parallelism to scale models that canβt fit onto a single GPU. This is a work in progress and we will provide the integration once that product is complete.
Memory Requirements
Since Deepspeed ZeRO can offload memory to CPU (and NVMe) the framework provides utils that allow one to tell how much CPU and GPU memory will be needed depending on the number of GPUs being used.
Letβs estimate how much memory is needed to finetune βbigscience/T0_3Bβ on a single GPU:
Copied
So you can fit it on a single 80GB GPU and no CPU offload, or a tiny 8GB GPU but then need ~60GB of CPU memory. (Remember this is just the memory for params, optimizer states and gradients - you will need a bit more memory for cuda kernels, activations and temps.)
Then itβs a tradeoff of cost vs speed. Itβll be cheaper to buy/rent a smaller GPU (or less GPUs since you can use multiple GPUs with Deepspeed ZeRO. But then itβll be slower, so even if you donβt care about how fast something will be done, the slowdown has a direct impact on the duration of using the GPU and thus bigger cost. So experiment and compare which works the best.
If you have enough GPU memory make sure to disable the CPU/NVMe offload as itβll make everything faster.
For example, letβs repeat the same for 2 GPUs:
Copied
So here youβd want 2x 32GB GPUs or higher without offloading to CPU.
For full information please see memory estimators.
Filing Issues
Here is how to file an issue so that we could quickly get to the bottom of the issue and help you to unblock your work.
In your report please always include:
the full Deepspeed config file in the report
either the command line arguments if you were using the Trainer or TrainingArguments arguments if you were scripting the Trainer setup yourself. Please do not dump the TrainingArguments as it has dozens of entries that are irrelevant.
Output of:
Copied
If possible include a link to a Google Colab notebook that we can reproduce the problem with. You can use this notebook as a starting point.
Unless itβs impossible please always use a standard dataset that we can use and not something custom.
If possible try to use one of the existing examples to reproduce the problem with.
Things to consider:
Deepspeed is often not the cause of the problem.
Some of the filed issues proved to be Deepspeed-unrelated. That is once Deepspeed was removed from the setup, the problem was still there.
Therefore, if itβs not absolutely obvious itβs a DeepSpeed-related problem, as in you can see that there is an exception and you can see that DeepSpeed modules are involved, first re-test your setup without DeepSpeed in it. And only if the problem persists then do mentioned Deepspeed and supply all the required details.
If itβs clear to you that the issue is in the DeepSpeed core and not the integration part, please file the Issue directly with Deepspeed. If you arenβt sure, please do not worry, either Issue tracker will do, we will figure it out once you posted it and redirect you to another Issue tracker if need be.
Troubleshooting
the deepspeed process gets killed at startup without a traceback
If the deepspeed
process gets killed at launch time without a traceback, that usually means that the program tried to allocate more CPU memory than your system has or your process is allowed to allocate and the OS kernel killed that process. This is because your configuration file most likely has either offload_optimizer
or offload_param
or both configured to offload to cpu
. If you have NVMe, experiment with offloading to NVMe if youβre running under ZeRO-3. Here is how you can estimate how much memory is needed for a specific model.
training and/or eval/predict loss is NaN
This often happens when one takes a model pre-trained in bf16 mixed precision mode and tries to use it under fp16 (with or without mixed precision). Most models trained on TPU and often the ones released by Google are in this category (e.g. almost all t5-based models). Here the solution is to either use fp32 or bf16 if your hardware supports it (TPU, Ampere GPUs or newer).
The other problem may have to do with using fp16. When you configure this section:
Copied
and you see in your log that Deepspeed reports OVERFLOW!
as follows:
Copied
that means that the Deepspeed loss scaler canβt figure out a scaling co-efficient that overcomes loss overflow.
(the log was massaged to be more readable here.)
In this case you usually need to raise the value of initial_scale_power
. Setting it to "initial_scale_power": 32
will typically resolve the problem.
Notes
DeepSpeed works with the PyTorch Trainer but not TF
TFTrainer
.While DeepSpeed has a pip installable PyPI package, it is highly recommended that it gets installed from source to best match your hardware and also if you need to enable certain features, like 1-bit Adam, which arenβt available in the pypi distribution.
You donβt have to use the Trainer to use DeepSpeed with π Transformers - you can use any model with your own trainer, and you will have to adapt the latter according to the DeepSpeed integration instructions.
Non-Trainer Deepspeed Integration
The HfDeepSpeedConfig is used to integrate Deepspeed into the π Transformers core functionality, when Trainer is not used. The only thing that it does is handling Deepspeed ZeRO-3 param gathering and automatically splitting the model onto multiple gpus during from_pretrained
call. Everything else you have to do by yourself.
When using Trainer everything is automatically taken care of.
When not using Trainer, to efficiently deploy DeepSpeed ZeRO-3, you must instantiate the HfDeepSpeedConfig object before instantiating the model and keep that object alive.
If youβre using Deepspeed ZeRO-1 or ZeRO-2 you donβt need to use HfDeepSpeedConfig
at all.
For example for a pretrained model:
Copied
or for non-pretrained model:
Copied
Please note that if youβre not using the Trainer integration, youβre completely on your own. Basically follow the documentation on the Deepspeed website. Also you have to configure explicitly the config file - you canβt use "auto"
values and you will have to put real values instead.
HfDeepSpeedConfig
class transformers.integrations.HfDeepSpeedConfig
( config_file_or_dict )
Parameters
config_file_or_dict (
Union[str, Dict]
) β path to DeepSpeed config file or dict.
This object contains a DeepSpeed configuration dictionary and can be quickly queried for things like zero stage.
A weakref
of this object is stored in the moduleβs globals to be able to access the config from areas where things like the Trainer object is not available (e.g. from_pretrained
and _get_resized_embeddings
). Therefore itβs important that this object remains alive while the program is still running.
Trainer uses the HfTrainerDeepSpeedConfig
subclass instead. That subclass has logic to sync the configuration with values of TrainingArguments by replacing special placeholder values: "auto"
. Without this special logic the DeepSpeed configuration is not modified in any way.
Custom DeepSpeed ZeRO Inference
Here is an example of how one could do DeepSpeed ZeRO Inference without using Trainer when one canβt fit a model onto a single GPU. The solution includes using additional GPUs or/and offloading GPU memory to CPU memory.
The important nuance to understand here is that the way ZeRO is designed you can process different inputs on different GPUs in parallel.
The example has copious notes and is self-documenting.
Make sure to:
disable CPU offload if you have enough GPU memory (since it slows things down)
enable bf16 if you own an Ampere or a newer GPU to make things faster. If you donβt have that hardware you may enable fp16 as long as you donβt use any model that was pre-trained in bf16 mixed precision (such as most t5 models). These usually overflow in fp16 and you will see garbage as output.
Copied
Letβs save it as t0.py
and run it:
Copied
This was a very basic example and you will want to adapt it to your needs.
generate nuances
When using multiple GPUs with ZeRO Stage-3, one has to synchronize the GPUs by calling generate(..., synced_gpus=True)
. If this is not done if one GPU finished generating before other GPUs the whole system will hang as the rest of the GPUs will not be able to received the shard of weights from the GPU that stopped generating.
Starting from transformers>=4.28
, if synced_gpus
isnβt explicitly specified, itβll be set to True
automatically if these conditions are detected. But you can still override the value of synced_gpus
if need to.
Testing Deepspeed Integration
If you submit a PR that involves DeepSpeed integration please note our CircleCI PR CI setup has no GPUs, so we only run tests requiring gpus on a different CI nightly. Therefore if you get a green CI report in your PR it doesnβt mean DeepSpeed tests pass.
To run DeepSpeed tests, please run at least:
Copied
If you changed any of the modeling or pytorch examples code, then run the model zoo tests as well. The following will run all DeepSpeed tests:
Copied
Main DeepSpeed Resources
Papers:
Finally, please, remember that, BOINC AI Trainer only integrates DeepSpeed, therefore if you have any problems or questions with regards to DeepSpeed usage, please, file an issue with DeepSpeed GitHub.
Last updated