How to fine tune VERY large model if it doesn’t fit on your GPU

Stanislau Beliasau
9 min readApr 11, 2022

--

Memory-efficient techniques to defeat the problem of “CUDA memory error..” during training

Source: here

The article is inspired by “Efficient Deep Learning Systems” course taught at Yandex School of Data Analysis.

Prerequisites: I suppose you know how neural network’s forward and backward passes work. It is exceptionally important to get the point of the article. As framework I’ll use PyTorch.

So, it begins…

You’ve probably been wondering why when you’re trying to implement some paper which uses some large model (aka gpt-2-xl) with >500 mln parameters you can’t even fit it on your GPU or use the same batch size as in the paper during training. Then maybe you gave up and started using a lighter version of the model or trained it on the smaller batch size, which did not allow you to get comparable with paper results.

But, there are some techniques that will help you to cope with described problem.

Let’s discuss some of the approaches and see how to use them to fine-tune 1.5 billion parameters GPT-2-XL model in the end of the article.

Core of the problem

Let’s understand the essence of the problem of lack of GPU memory needed to load the model onto GPU.

Suppose you have a model with 1e9 FP32 (floating point 32 bit) parameters. You want to train that model on your lovely GPU using, for example, Adam optimizer.

So, let’s count. I guess you’ll be shocked.

Imagine you have NVIDIA GeForce RTX 3060 with 12 GB of memory. Firstly, 1e9 FP32 parameters is about 4 GB of your GPU memory. Also the same amount of memory will be reserved for gradients. So, we have already 8 GB in total reserved not having started training yet and not having loaded the optimizer, because it is also not free in terms of memory. Adam optimizer needs to store first and second moments for each parameter, i.e. 8 GB of additional memory.

Eventually, we have to have about 16 GB of free GPU memory just to correctly load the model onto the GPU which, in our case, has only 12 GB of free memory. Looks terrible, yes?

But there are some approaches which we can use to try to solve the problem. Here are some of them below:

  • gradient accumulation / micro-batching;
  • gradient checkpointing;
  • model-parallel training;
  • pipelining;
  • tensor-parallelism;
  • mixed precision training;
  • memory offloading;
  • optimizer 8-bit quantization.

Today we will learn about them.

Let’s go!

Gradient checkpointing

Source: here

Overview

What if a model is larger than GPU, i.e. we cannot fit batch size 1? There is a solution — gradient checkpointing. Let’s have a look at that concept.

For a simple feed-forward neural network with n layers, the computation graph for obtaining gradients looks as follows:

Source: here

The activations of the neural network layers correspond to the nodes marked with an f. During the forward pass all these nodes are evaluated in order. The gradient of the loss with respect to the activations and parameters of these layers is indicated by the nodes marked with b. During the backward pass, all these nodes are evaluated in the reversed order. The results obtained for the f nodes are needed to compute the b nodes, and hence all f nodes are kept in memory after the forward pass. Only when backpropagation has progressed far enough to have computed all dependencies of an f node, can it be erased from memory. This means that the memory required by simple backprop grows linearly with the number of neural net layers n.

Below there is the order in which these nodes are computed. The purple shaded circles indicate which of the nodes need to be held in memory at any given time.

Source: here

Gradient checkpointing

Simple backpropagation as described above is optimal in terms of computation: it only computes each node once. However, if we are willing to recompute nodes we can potentially save a lot of memory. We might for instance simply recompute every node from the forward pass each time we need it. The order of execution, and the memory used, then look as follows:

Source: here

This strategy is optimal in terms of memory. However, note that the number of node evaluations now scales with , whereas it previously scaled as n: each of the n nodes is recomputed on the order of n times. The slowness of computation makes this method impractical for use in deep learning.

To strike a balance between memory and computation we need to come up with a strategy that allows nodes to be recomputed, but not too often. The strategy we use here is to mark a subset of the neural net activations as checkpoint nodes.

Source: here

In this example the optimal choice is to mark every sqrt(n)-th node as a checkpoint. This way, both the number of checkpoint nodes and the number of nodes between checkpoints are on the order of sqrt(n), which means that the required memory now also scales with the order of n. So, the additional computation required by this strategy is equivalent to a single forward pass through the network.

Example:

After learning the details of gradient checkpointing let’s have a look at how easy is to use that concept in PyTorch:

Model-parallel training, pipelining, tensor-parallelism, memory offloading

Source: here

It’s a very big and difficult topic, we will discuss it in the next posts.

Gradient accumulation / micro-batching

Source: here

Overview

Deep learning models are getting bigger and bigger. It becomes difficult to fit such networks in the GPU memory. As a result, we are sometimes forced to use small batches during training, which may lead to a slower convergence and lower accuracy.

What is gradient accumulation?

When training a neural network, we usually divide our data into mini-batches. The network predicts batch labels, which are used to compute the loss with respect to the actual targets. Next, we perform backward pass to compute gradients and update model weights.

Gradient accumulation modifies the last step of the training process: instead of updating the network weights on every mini-batch, we can save gradient values, proceed to the next mini-batch and add up the new gradients to previously saved. The weight update is then done only after several mini-batches have been processed by the model.

Gradient accumulation helps to imitate a larger batch size. Imagine you want to use 64 images in one mini-batch, but “CUDA memory error…” once you go beyond the size of 8. In that case, you can use batches of 8 images and update weights once after 64 / 8 = 8 batches being processed by the model. If you accumulate gradients from each of these 8 batches, the results will be (almost) the same and you will be able to perform training! Yoah!

Example:

The standard training loop without gradient accumulation usually looks like this:

In PyTorch gradient accumulation can be done very easily. You should do the step of your optimizer once accumulation_steps mini-batches have been processed by your model. Also you can divide the running loss by accumulation_steps depending on the nature of your loss function:

Beautiful, yes? The gradients are computed when we call loss.backward() and are accumulated by PyTorch until we call optimizer.zero_grad().

Important

You should note that some network architectures use batch-specific operations, i. e. BatchNorm and therefore it may yield slightly different results when using the same batch size with and without gradient accumulation.

Mixed-precision training

Overview

Mixed-precision training means converting some or all parameters which are FP32 numbers to smaller formats such as FP16, TF16 (tensor float), BF16 (bfloat).

Key benefits

Key benefits of mixed-precision training are:

  • Reduced memory usage;
  • Faster performance (due to higher arithmetic intensity or smaller communication footprint);
  • Can use specialized hardware for even faster computation;

But now we are interested only in the first advantage — reducing memory usage. Let’s see how to do it with PyTorch models.

Example:

As the result, after doing .half() , the model becomes 2 times smaller.

Different formats the model can be converted (i.e. BF16, TF16) and loss scaling we will discuss in future posts.

But you should remember that there are some operations that cannot be done in FP16, i.e. Softmax. PyTorch has torch.autocast which helps to process these situations.

Optimizer 8-bit quantization

Increasing model size is an effective way to achieve better performance. However, training such large models requires storing the model, gradient, and state of the optimizer (e.g., exponentially smoothed sum and squared sum of previous gradients for Adam), all in a fixed amount of available memory.

Going from 32-bit optimizers to 8-bit optimizers reduces the range of possible values from 2³² values to just 2⁸= 256. It makes a huge impact on the amount of memory to be reserved by the optimizer.

Research presents new 8-bit Adam optimizer which “maintains 32-bit performance at a fraction of the original memory footprint”. That’s what the authors say in their paper:

Our 8-bit optimizers have three components: (1) block-wise quantization that isolates outliers and distributes the error more equally over all bits; (2) dynamic quantization, which quantizes both small and large values with high precision; and (3) a stable embedding layer to improve stability during optimization for models with word embeddings.

With these components, performing an optimizer update with 8-bit states is straightforward. We dequantize the 8-bit optimizer states to 32-bit, perform the update, and then quantize the states back to 8-bit for storage. We do this 8-bit to 32-bit conversion element-by-element in registers, which means no slow copies to GPU memory or additional temporary memory are needed to perform quantization and dequantization. For GPUs, this makes 8-bit optimizers faster than regular 32-bit optimizers…

Let’s glance at the inspiring results of the usage of 8-bit Adam:

Source: here

As we can see, utilising quantized Adam saves about 8.5 GB of GPU memory. Looks fantastic!

Now that we have understood the usefulness of using it, let’s take a look at how to use it from python.

Bitsandbytes package by Facebook is a lightweight wrapper around CUDA custom functions, in particular 8-bit optimizers and quantization functions. It allows us to use 8-bit Adam.

Example:

As you can see above, the usage of quantized optimizer is pretty simple, but the result of it is gianormous.

Combining all above approaches to fine-tune GPT-2-XL on GPU

Eventually, as we learned all above methods, let’s utilise them to solve real problem. We have to fine-tune GPT-2-XL model with > 1.5 billion parameters. Obviously, it can’t be loaded on the NVIDIA GeForce RTX 3060 GPU with 12 GB of memory.

Let’s list all methods we can use:

  • Gradient checkpointing;
  • Mixed-precision training (I do a trick: I use two samples of the same model. First is .half-ed and loaded onto GPU, let’s name it gpu_model. Second is just on the CPU, let’s name it cpu_model. We evaluate GPU model, then load the gradients from gpu_modelon the cpu_model, then do optimizer.step(), load updated parameters onto the gpu_model);
  • Gradient accumulation with batch_size=64, minibatch_size=4. Don’t forget to scale loss by accumulation_steps;
  • 8-bit Adam optimizer.

Let’s utilise them all. Look at the code:

<code will be available soon>

As the result, utilisation of all above methods allowed us to fine-tune 16GB GPT-2-XL model on our GPU. I think it’s tremendous!

Conclusion

In this post you learned key concepts of efficient memory usage which can be used in various hard tasks such as presented above.

We will discuss other concepts in the future posts.

Thank you for reading the article!

References:

  • 8-BIT OPTIMIZERS VIA BLOCK-WISE QUANTIZATION, paper;
  • bitsandbytes, git;
  • gradient-checkpointing, git;
  • mixed-precision training, git;

--

--