ARC recently released our first empirical paper: Estimating the Probabilities of Rare Language Model Outputs. In this work, we construct a simple setting for low probability estimation — single-token argmax sampling in transformers — and use it to compare the performance of various estimation methods. ARC views low probability estimation as a potential technique for mitigating worst-case behavior from AI, including deceptive alignment; see our previous theory post on estimating tail risks in neural networks for further discussion.

Outline of this post:

  • Problem statement and description of our setting
  • Estimation methods we compared: importance sampling and activation extrapolation
  • Summary of empirical results
  • Discussion, including motivation, limitations, related work, and future directions

This document describes joint research done with Jacob Hilton, with contributions from Paul Christiano (while at ARC prior to April 2024). There were also intermediate theoretical contributions from David Matolsci and George Robinson. Thanks additionally to Jean-Stanislas Denain and Eric Neyman for feedback.

Problem statement

Given a model , an input distribution , and a computable boolean property of outputs , low probability estimation is the task of efficiently estimating

even when this probability is too small to detect via naive sampling. For example, in ARC's previous post on estimating tail risks, represented a "catastrophe detector" that can tell us if an action proposed by the model would result in large-scale harm.

In this work, we study low probability estimation in the setting of argmax sampling from language models with single-token behaviors. Let be a transformer language model that predicts the next token given a string of previous tokens, where is the token vocabulary. Note that we sample at temperature , so is deterministic. Given a distribution over and a target token , the low probability estimation problem for single-token behaviors is the task of estimating

In general, can be any distribution that can be formally specified, such as the output distribution of generative model. However, in this paper we focus only on distributions in which every token position is independent.[1] This is a pretty restrictive choice, and we expect future work to move beyond this assumption. Here are some examples of distributions we tested:

Name Short description Example
hex Hexadecimal characters <|BOS|>aa5acbf6aad4688131f94c2fbbff4dc65eadc1553
colon Python tokens, ending with : <|BOS|> et-= """]:\ ($\n : This c$\r$\n ('/\nFile return$\n$\n <|EOS|>_'].2default.**1 self( def')":
caps "He/She screamed:", followed by caps and punctuation <|BOS|>He screamed: "ESOTTULEBOV.,WR!!IMITLEER.,ARY...IIESSION
english English words <|BOS|>ating. is invent School not found from cm an in one to shooting everyone Cor George around responsive employees ground on stone various,

Estimation methods

We compare two classes of estimation methods: importance sampling and activation extrapolation.

Importance sampling. We define a new input distribution under which the rare event is much more likely, sample from that distribution, and re-weight samples to obtain an unbiased estimate for the original distribution. Our Independent Token Gradient Importance Sampling (ITGIS) method treats token positions independently and uses gradients to obtain this new input distribution, while our Metropolis—Hastings Importance Sampling (MHIS) method uses a Markov chain Monte Carlo algorithm to sample from a distribution with non-independent tokens.

Activation extrapolation. We use random samples to fit a probability distribution to the model's logits, and extrapolate into the tails of this distribution to produce a probability estimate. Our Quadratic Logit Decomposition (QLD) method applies a presumption of independence to the empirical distribution of logits, and our Gaussian Logit Difference (GLD) method is a simple baseline that fits a Normal distribution to the difference between the maximum logit and target logit.

We find that the methods based on importance sampling outperform methods based on activation extrapolation, though both outperform naive sampling. However, activation extrapolation and similar approaches (e.g., layer-by-layer activation modeling) offer a way to cope with cases where finding a positive sample is intractably hard.

Importance sampling

Naive sampling fails to produce good estimates for low probability events because it takes too many samples from to observe a positive example. To address this, we can instead draw samples from a different distribution that up-weights regions of input space most likely to produce the behavior of interest.

Formally, let be the probability mass function of , and let be the PMF of any other distribution. Then

but the latter may have less variance (and so require fewer samples to get a good estimate).

The following two importance sampling methods take to be a Boltzmann posterior with prior . The first defines with independent tokens, while the second defines to have non-independent tokens and so requires a more sophisticated sampling method.

Independent Token Gradient Importance Sampling (ITGIS)

We want to up-weight tokens that contribute to being outputted. One way to do this is to continue to treat each input token as independent, but change the probability of tokens according to their average linear contribution to the logit of . Let be an input of length , and say that factors as . Then we define , where

and

where is the logit the model assigns to the -th token, is a temperature parameter, and the gradient is taken by treating as a one-hot vector in . Intuitively, the gradient gives us a linear approximation to how much the logit of would change if we replaced -th token of with . Thus, scores each token value according to its average linear contribution to , and is defined as the Boltzmann distribution with respect to this score function.[2]

Metropolis—Hastings Importance Sampling (MHIS)

ITGIS still treats all tokens as independent, which is bad if the model is sensitive to non-linear interactions between tokens (e.g., if the target logit is only high when the last two tokens of the input are the same as each other).

To remedy this, we can define score function that depends on the entire input; the most natural choice is the target logit :

Unlike ITGIS, we cannot explicitly compute because it does not factor into independent distributions over each token. Instead, we use the Metropolis—Hastings algorithm to produce a random walk in input space that has a stationary distribution of . To do so, we must define a proposal distribution that suggests the next element of the walk. To encourage fast mixing, this proposal distribution should be good at exploring into regions of input space that weights highly.

Here we take inspiration from Greedy Coordinate Gradient, an algorithm that optimizes a discrete prompt to jailbreak a model using gradients. We adapt this optimization procedure into a proposal distribution: to pick a proposed next step of the walk, we choose a random token position to replace, compute the gradient of with respect to , then sample a replacement token for position according to a Boltzmann distribution defined by this gradient.

Activation extrapolation

In general, it may be intractible to find any explicit inputs on which . In these cases, importance sampling methods fail to produce positive estimates. As an alternative, we introduce activation extrapolation: first fit a distribution to the activations or logits of , then estimate the probability of the output property of interest under this idealized distribution.

Quadratic Logit Decomposition (QLD)

Our first such method is Quadratic Logit Decomposition, which applies a presumption of independence between uncorrelated subspaces the model's pre-unembed activations (essentially, fitting a distribution of the form "the sum of two independent random variables").

Let the random vector be the activation of the model right before unembedding. We first collect samples of (call them ). We then choose[3] some fixed unit direction , then decompose each into , where lies in the subspace spanned by , and lies in the complementary subspace that is orthogonal in a whitened basis.[4] This decomposition is chosen such that the random vectors and are uncorrelated across the samples.

Next, by treating the random vectors and as independent, we can use our samples of each to obtain "synthetic" samples of . The final output of QLD is the proportion of these synthetic samples that cause to be outputted:

where is the region of activation space that result in the target logit being highest after unembedding. Despite the fact that there are synthetic samples, this proportion can be computed in time by first sorting the samples and solving a system of linear inequalities for each .

Gaussian Logit Difference

This method is very simple and is meant as a baseline. On any given input, we can record the difference . We wish to estimate the probability that . To do this, we treat as Gaussian by estimating its mean and standard deviation with samples, then calculate analytically. In practice, we use a slightly different functional form that captures the Gaussian PDF, which approximates the CDF well in the tails.

Empirical results

We applied our methods on 8 different distributions and three different model sizes (1-layer, 2-layer, and 4-layer language models). For each distribution, we chose random values of with ground-truth probabilities between and , and only allowed our methods to use a computational budget corresponding to roughly forward passes (meaning that naive sampling would almost never produce non-zero estimates). The ground-truth probabilities were obtained via naive sampling many more samples.

We evaluate our methods using a scoring rule based on the Itakura–Saito loss.[5] Since the methods often output an estimate of , which would incur infinite loss, we first apply fit of the form to the estimates, where are learned constants.

Itakura–Saito Loss
Figure 1: Itakura–Saito Loss of all methods across different model sizes. Lower is better.

Loss by distribution
Figure 2: The Itakura–Saito loss of all methods across different distributions, averaged over model size. Lower is better.

Figure 1 shows the performance of each method. The relative ordering is clear: both importance sampling methods outperform Quadratic Logit Decomposition, which in turn outperforms Gaussian Logit Difference. GLD is barely better than outputting an optimal constant (which can be interpreted as the performance of naive sampling due to the learned fits). However, Figure 2 shows that there is a fair amount of variation in method performance across the distributions.

Among the two importance sampling methods, ITGIS does better on smaller models, while MHIS does better on larger models. We believe this is because larger models are less easily approximated as linear functions and are more likely to have complex behaviors arising from inter-token interactions.

More data and plots can be found in the paper.

Discussion

Motivation

ARC is interested in low probability estimation as a technique to improve worst-case model performance. We discuss this in more detail in our original theory post on the topic. Briefly, low probability estimation may be helpful if any of the following hold:

  • The model will be run on many more inputs during the course of deployment than during training. In this case, if a certain model behavior would be so catastrophic that it is unacceptable for it to occur even once in deployment, we cannot rely on training to drive down its probability low enough.
  • There is distributional shift between training and deployment such that events that occur extremely rarely during training become more likely in deployment. This could occur because of an input chosen adversarially, but it could also occur because of goal misgeneralization.
  • The model is deceptively aligned (this is a special case of distributional shift). A deceptively aligned model would look for clues about whether it is in a training or a deployment environment, and only behave well in training. To detect whether a model is deceptively aligned, one could craft an input distribution that is "wide enough" to assign some probability mass, even if very small, to any possible deployment-time input, then apply low probability estimation methods to detect if the model would ever perform a catastrophic behavior on this distribution.

In any of these cases, low probability estimation could be used to reduce the probability of the rare event, by optimizing the model to produce a lower estimate. For example, this could be done using gradient descent, if the estimate were a differentiable function of the model's parameters. For an importance sampling method, this amounts to finding inputs for which the rare event occurs (i.e., red-teaming) and using them as training data, which is essentially just adversarial training. However, since our activation extrapolation methods do not correspond to any red-teaming method, new activation extrapolation methods potentially provide us with new ways to reduce the probabilities of rare events.

Importance sampling versus activation extrapolation

In our experiments, we found that importance sampling methods outperformed activation extrapolation. Nevertheless, there are theoretical cases in which importance sampling performs worse than other methods. For example, consider a model that outputs the SHA-256 hash of its input: finding any input that gives rise to a particular output is computationally infeasible, yet it is still easy to estimate the probability of a particular output by modeling the output of the hash function as random.

More generally, we are excited about low probability estimation as a concrete problem for which for which it may be necessary to leverage internal model activations. In place of importance sampling, we may be able to use deductive estimates based on a presumption of independence. Quadratic Logit Decomposition is an early proof of concept of this, even though it is outperformed by importance sampling in our setting.

Limitations

There are two main limitations of our experimental setup. First, we only use input distributions that factor into independent tokens. This choice is necessary for the definition of ITGIS. It is also very convenient for the implementation of MHIS, because it gives efficient sampling access to the proposal distribution. To move beyond independent token input distributions, we could define the input distribution to be the output of a separate generative model and adapt some of the current estimation methods appropriately (GLD and QLD are input-agnostic and could be applied in their current form).

Second, we only study model behaviors that consist of a single token sampled at temperature . This is unrealistic because in practice, if we were concerned about specific single-token outputs, it would be easy to block them with a filter. In contrast, the types of behaviors we actually worry about likely involve long chains of autoregressive generation or interaction with the external world (e.g., when forming and executing a plan). We are excited to see future work extending our setting in this direction.

Nevertheless, it is worth noting that formally-defined distributions and behaviors are more general than they may initially seem. For example, we could formalize the event " writes buggy code", as: When 's output is given to GPT-4 along with the prompt "Does this code contain any bugs? Let's think step by step.", does GPT-4 end its response with YES?

Our importance sampling methods are relatively simple compared to other sampling-based estimation methods in the literature, for example Twisted Sequential Monte Carlo. These more advanced methods may have outperformed ITGIS and MHIS, though we didn't implement them during our research because we are ultimately more excited about activation extrapolation methods.

Low probability estimation for the purpose of verifying neural network robustness has been considered before by Webb et al. in the context of computer vision. Their use of Adaptive Multi-Level Splitting could be adapted to our setting, though it ultimately still requires searching for positive samples.

Finally, Latent Adversarial Training is an approach for improving robustness in ML systems that, like activation extrapolation, doesn't rely on finding inputs for which .[6] In a sense, Latent Adversarial Training corresponds to sampling from a particular activation model related to "the empirical activations plus Gaussian noise."[7]

Future directions

We are excited for future work that extends our empirical setup to non-independent input distributions and output behaviors that involve more than one token. We are also looking forward to future papers that develop more accurate estimation methods, such as methods inspired by layer-by-layer activation modeling.


  1. In particular, this means that all have the same number of tokens. ↩︎

  2. It can be shown that, given a score function and a prior , the distribution that maximizes is . ↩︎

  3. How do we choose what should be? We rely on the following two assumptions for QLD to perform well: 1) and are independent, and 2) the contribution towards the output behavior is split roughly equally between these two terms. After some initial experimentation with a variety of candidate directions, we decided to set to be the direction of the shortest vector in whitened space that results in the model outputting . It can also be thought of as the maximum likelihood value of under a Gaussian prior, conditioned on observing the model output . ↩︎

  4. Actually, , , and are all defined in the whitened space of ; see the paper for details. ↩︎

  5. If our method outputs a probability while the ground-truth probability is , it receives a score of . This loss was chosen because it is a proper scoring rule and is sensitive to small probabilities. See the paper for details. ↩︎

  6. Instead, it searches over perturbations in activation space that cause an undesirable model output. ↩︎

  7. Optimizing over perturbations within a given -ball is equivalent to importance sampling from a Boltzmann distribution at temperature with this Gaussian prior, subject to the constraint that the point's prior probability is above some threshold. ↩︎

New Comment