Q-Sparse: All Large Language Models can be
Fully Sparsely-Activated

Hongyu Wang    Shuming Ma11footnotemark: 1    Ruiping Wang    Furu Wei
https://aka.ms/GeneralAI
 Equal contribution. \diamond Corresponding author. S. Ma, F. Wei are with Microsoft Research. H. Wang and R. Wang are with University of Chinese Academy of Sciences.
Abstract

We introduce, Q-Sparse, a simple yet effective approach to training sparsely-activated large language models (LLMs). Q-Sparse enables full sparsity of activations in LLMs which can bring significant efficiency gains in inference. This is achieved by applying top-K𝐾Kitalic_K sparsification to the activations and the straight-through-estimator to the training. The key results from this work are, (1) Q-Sparse can achieve results comparable to those of baseline LLMs while being much more efficient at inference time; (2) We present an inference-optimal scaling law for sparsely-activated LLMs; (3) Q-Sparse is effective in different settings, including training-from-scratch, continue-training of off-the-shelf LLMs, and finetuning; (4) Q-Sparse works for both full-precision and 1-bit LLMs (e.g., BitNet b1.58 [28]). Particularly, the synergy of BitNet b1.58 and Q-Sparse (can be equipped with MoE) provides the cornerstone and a clear path to revolutionize the efficiency, including cost and energy consumption, of future LLMs.

Refer to caption
Refer to caption
Refer to caption
Figure 1: Q-Sparse achieves a superior inference-optimal scaling law than the dense models. It saves significant compute of matrix multiplication by top-K𝐾Kitalic_K sparsification of the activations.

1 Fully Sparsely-Activated LLMs

Large language models (LLMs) have achieved remarkable performance on a wide range of natural language processing (NLP) tasks. However, the deployment of LLMs in real-world applications is challenging due to their high computational cost and memory footprint, especially during the inference stage. To address this challenge, recent works [19, 28, 25, 29, 15] have focused on improving the efficiency of LLMs with various approaches, including quantization [19, 28, 4], pruning [29], distillation [6], better decoding [15], and so on. One promising approach is to use sparsity to reduce the number of activated parameters in LLMs.

Sparsity contributes two factors to the efficiency of LLMs. First, sparsity can reduce the amount of computation of the matrix multiplication as zero elements are not computed. Second, sparsity can reduce the amount of input/output (I/O) that transfers the parameters between the memory and the computation units. The I/O transfer serves as the major bottleneck in the inference stage of LLMs.

One common approach to sparsity in LLMs is to use weight sparsity, which prunes the model weights to save the computation. However, unstructured weight sparsity is difficult to parallelize in GPU devices, while structured weight sparsity has a large impact to the accuracy of the model.

Another approach is to use activation sparsity, which reduces the number of activated elements in the activation tensors. Activation sparsity can be achieved by using the mixture-of-experts (MoE) mechanism [16, 5], modifying the activation function [18, 25], or predicting the position to be sparsed [17]. However, these approaches do not enable full sparsity of activations in LLMs, which can limit the efficiency gains during the inference stage. Moreover, compared to the dense models, the scaling laws for the sparsely-activated LLMs have not been well studied.

To explore the full potential of sparsity in LLMs, we introduce Q-Sparse, a simple yet effective approach to enable full sparsity of activations in LLMs. The major modification on LLMs is in the linear projection (i.e., matrix multiplication). As shown in Figure 1, for each linear projection, it has a top-K sparsification function that selects the top-K activations in the input tensor. For the backprogation, we use the straight through estimator to compute the gradients of the activations. We also introduce a squared ReLU function for the feed-forward layers to further improve the sparsity of the activations. Q-Sparse can be used with both full-precision and quantized LLMs. To study the scaling law of sparsely-activated LLMs, we conduct a series of scaling experiments and derive an inference-optimal scaling law for sparsely-activated LLMs. We summarize the findings from the scaling experiments and the implications of the scaling law as below:

  • The performance of the sparsely-activated models is better than the dense baselines with the same inference compute budget (i.e., activated parameters or FLOPs).

  • As the parameters N𝑁Nitalic_N scales, the performance gap between the sparsely-activated models and the dense baselines decreases.

  • The performance of the sparsely-activated models with around 40% sparsity ratio can match the performance of the dense baselines with the same model size and training tokens.

  • Given the same inference budget Nasubscript𝑁𝑎N_{a}italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT, a sparsely-activated full-precision model with a sparsity ratio of 45.58% (or 1.84Na1.84subscript𝑁𝑎1.84N_{a}1.84 italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT parameters) can achieve the best performance. For the 1.58-bit models, the optimal sparsity ratio is 61.25%.

We also conduct experiments to evaluate the effectiveness of Q-Sparse in different settings, including training-from-scratch, continue-training of off-the-shelf LLMs, and finetuning. We show that Q-Sparse can achieve results comparable to those of baseline LLMs with the same training cost while being much more efficient at inference time.

2 Q-Sparse

2.1 Architecture

The Q-Sparse architecture is based on the Transformer architecture [27, 26] with modifications to enable sparsity in the activations.

Top-K Sparsity

The Transformer architecture uses nn.Linear to perform the projection in both attention and feed-forward layers, which can be written as:

𝐘=𝐗𝐖T𝐘𝐗superscript𝐖𝑇\mathbf{Y}=\mathbf{X}\cdot\mathbf{W}^{T}bold_Y = bold_X ⋅ bold_W start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT (1)

where 𝐗N×D𝐗superscript𝑁𝐷\mathbf{X}\in\mathbb{R}^{N\times D}bold_X ∈ blackboard_R start_POSTSUPERSCRIPT italic_N × italic_D end_POSTSUPERSCRIPT is the input tensor, 𝐖M×D𝐖superscript𝑀𝐷\mathbf{W}\in\mathbb{R}^{M\times D}bold_W ∈ blackboard_R start_POSTSUPERSCRIPT italic_M × italic_D end_POSTSUPERSCRIPT is the weight tensor, and 𝐘N×M𝐘superscript𝑁𝑀\mathbf{Y}\in\mathbb{R}^{N\times M}bold_Y ∈ blackboard_R start_POSTSUPERSCRIPT italic_N × italic_M end_POSTSUPERSCRIPT is the output tensor. The nn.Linear operation is equivalent to the matrix multiplication operation.

We introduce a top-K sparsity function on top of the matrix multiplication operation. The top-K sparsity function is defined as:

𝐘=(𝐗𝐌)𝐖T𝐘direct-product𝐗𝐌superscript𝐖𝑇\mathbf{Y}=(\mathbf{X}\odot\mathbf{M})\cdot\mathbf{W}^{T}bold_Y = ( bold_X ⊙ bold_M ) ⋅ bold_W start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT (2)
𝐌=Topk(|𝐗|)𝐌subscriptTop𝑘𝐗\mathbf{M}=\text{Top}_{k}(\mathbf{|X|})bold_M = Top start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT ( | bold_X | ) (3)

where 𝐌N×D𝐌superscript𝑁𝐷\mathbf{M}\in\mathbb{R}^{N\times D}bold_M ∈ blackboard_R start_POSTSUPERSCRIPT italic_N × italic_D end_POSTSUPERSCRIPT is the mask tensor that indicates the top-K activations in the input tensor 𝐗𝐗\mathbf{X}bold_X in terms of the absolute values, direct-product\odot is the element-wise multiplication operation, and TopksubscriptTop𝑘\text{Top}_{k}Top start_POSTSUBSCRIPT italic_k end_POSTSUBSCRIPT is the function that selects the top-K elements in the tensors.

To reduce the interval around zero, we re-scale the tensor by its L2subscript𝐿2L_{2}italic_L start_POSTSUBSCRIPT 2 end_POSTSUBSCRIPT norm after performing the top-K sparsity function.

Quantized Top-K Sparsity

Recent works [28] have shown that quantization can be used to reduce the memory footprint and computational cost of LLMs without the loss of performance. We introduce a quantized version of the top-K sparsity function. The quantized top-K sparsity function is defined as:

𝐘=(Q(𝐗)𝐌)𝐖T𝐘direct-productQ𝐗𝐌superscript𝐖𝑇\mathbf{Y}=(\text{Q}(\mathbf{X})\odot\mathbf{M})\cdot\mathbf{W}^{T}bold_Y = ( Q ( bold_X ) ⊙ bold_M ) ⋅ bold_W start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT (4)

where Q()Q\text{Q}(\cdot)Q ( ⋅ ) is the quantization function that quantizes the input tensor 𝐗𝐗\mathbf{X}bold_X to a 8-bit representation:

Q(X)=RoundClip(𝐗γ+ϵ,128,127)Q𝑋RoundClip𝐗𝛾italic-ϵ128127\text{Q}(X)=\text{RoundClip}(\frac{\mathbf{X}}{\gamma+\epsilon},-128,127)Q ( italic_X ) = RoundClip ( divide start_ARG bold_X end_ARG start_ARG italic_γ + italic_ϵ end_ARG , - 128 , 127 ) (5)
γ=max(|𝐗|)𝛾𝐗\gamma=\max(|\mathbf{X}|)italic_γ = roman_max ( | bold_X | ) (6)
RoundClip(X,a,b)=min(max(round(X),a),b)RoundClip𝑋𝑎𝑏round𝑋𝑎𝑏\text{RoundClip}(X,a,b)=\min(\max(\text{round}(X),a),b)RoundClip ( italic_X , italic_a , italic_b ) = roman_min ( roman_max ( round ( italic_X ) , italic_a ) , italic_b ) (7)

where ϵitalic-ϵ\epsilonitalic_ϵ is a small constant to avoid division by zero, and γ𝛾\gammaitalic_γ is the maximum absolute value in the input tensor 𝐗𝐗\mathbf{X}bold_X.

Q-Sparse can be used with both full-precision and quantized LLMs. Specifically, the quantized version of Q-Sparse is compatible with 1-bit LLMs, such as BitNet b1.58 [28]. When using Q-Sparse with 1-bit LLMs, the quantization function is performed on the weight tensor 𝐖𝐖\mathbf{W}bold_W:

𝐘=(Q(𝐗)𝐌)Qw(𝐖)T𝐘direct-productQ𝐗𝐌subscriptQ𝑤superscript𝐖𝑇\mathbf{Y}=(\text{Q}(\mathbf{X})\odot\mathbf{M})\cdot\text{Q}_{w}(\mathbf{W})^% {T}bold_Y = ( Q ( bold_X ) ⊙ bold_M ) ⋅ Q start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT ( bold_W ) start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT (8)

where Qw()subscriptQ𝑤\text{Q}_{w}(\cdot)Q start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT ( ⋅ ) is the quantization function that quantizes the weight tensor 𝐖𝐖\mathbf{W}bold_W to a 1.58-bit representation:

Qw(W)=RoundClip(𝐖α+ϵ,1,1)subscriptQ𝑤𝑊RoundClip𝐖𝛼italic-ϵ11\text{Q}_{w}(W)=\text{RoundClip}(\frac{\mathbf{W}}{\alpha+\epsilon},-1,1)Q start_POSTSUBSCRIPT italic_w end_POSTSUBSCRIPT ( italic_W ) = RoundClip ( divide start_ARG bold_W end_ARG start_ARG italic_α + italic_ϵ end_ARG , - 1 , 1 ) (9)

where α𝛼\alphaitalic_α is the mean absolute value in the weight tensor 𝐖𝐖\mathbf{W}bold_W:

α=mean(|𝐖|)𝛼mean𝐖\alpha=\text{mean}(|\mathbf{W}|)italic_α = mean ( | bold_W | ) (10)

Squared ReLU

To further improve the sparsity of the activations, we use the squared ReLU function [24] for the feed-forward layers. The squared ReLU function is defined as ReLU(𝐗)2ReLUsuperscript𝐗2\text{ReLU}(\mathbf{X})^{2}ReLU ( bold_X ) start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT.

Following the LLaMA architecture, we use the gated linear unit (GLU) for the feed-forward layers. The squared ReLU function is applied with the GLU function into a ReLU2GLU function. The ReLU2GLU function is defined as:

ReLU2GLU(𝐗)=𝐗𝐖upTReLU2(𝐗𝐖gateT)superscriptReLU2GLU𝐗direct-productsuperscriptsubscript𝐗𝐖up𝑇superscriptReLU2superscriptsubscript𝐗𝐖gate𝑇\text{ReLU}^{2}\text{GLU}(\mathbf{X})=\mathbf{X}\mathbf{W}_{\text{up}}^{T}% \odot\text{ReLU}^{2}(\mathbf{X}\mathbf{W}_{\text{gate}}^{T})ReLU start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT GLU ( bold_X ) = bold_XW start_POSTSUBSCRIPT up end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT ⊙ ReLU start_POSTSUPERSCRIPT 2 end_POSTSUPERSCRIPT ( bold_XW start_POSTSUBSCRIPT gate end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_T end_POSTSUPERSCRIPT ) (11)

2.2 Training

Most of the existing works [18] on training sparsely-activated models use the vanilla back-propagation algorithm to compute the gradient through the sparsity function:

𝐘𝐗=𝐘(𝐗𝐌)𝐌𝐘𝐗direct-product𝐘direct-product𝐗𝐌𝐌\frac{\partial\mathbf{Y}}{\partial\mathbf{X}}=\frac{\partial\mathbf{Y}}{% \partial(\mathbf{X}\odot\mathbf{M})}\odot\mathbf{M}divide start_ARG ∂ bold_Y end_ARG start_ARG ∂ bold_X end_ARG = divide start_ARG ∂ bold_Y end_ARG start_ARG ∂ ( bold_X ⊙ bold_M ) end_ARG ⊙ bold_M (12)

where 𝐌𝐌\mathbf{M}bold_M is the mask tensor that indicates the top-K activations in the input tensor 𝐗𝐗\mathbf{X}bold_X, and direct-product\odot is the element-wise multiplication operation.

The vanilla back-propagation algorithm has a limitation. It zero-outs the gradients of the non-activated elements, which can lead to the vanishing gradient problem, especially when the sparsity ratio is high. In this work, we propose to use the straight-through estimator [2] to back-propagate the gradients through the sparsity function. In this way, the gradients are passed through the sparsity function without being zeroed-out. The straight-through estimator is defined as:

𝐘𝐗=𝐘(𝐗𝐌)𝐘𝐗𝐘direct-product𝐗𝐌\frac{\partial\mathbf{Y}}{\partial\mathbf{X}}=\frac{\partial\mathbf{Y}}{% \partial(\mathbf{X}\odot\mathbf{M})}divide start_ARG ∂ bold_Y end_ARG start_ARG ∂ bold_X end_ARG = divide start_ARG ∂ bold_Y end_ARG start_ARG ∂ ( bold_X ⊙ bold_M ) end_ARG (13)
Refer to caption
Figure 2: The average magnitude of each projection’s gradient of dense baseline, Q-Sparse with and without STE across different layers. The visualization is conducted with 300M model size on a subset of the valid set of C4 [21]. It shows that the gradient vanishes without STE.

We visualize the average l2𝑙2l2italic_l 2 norm of each projection’s gradient across different layers for dense model, Q-Sparse with and without STE. We adopt top-K as 50% for Q-Sparse. Without STE, the gradient is much smaller at the bottom layers, while STE can preserve the magnitude of the gradients. As shown in Figure 2, STE estimator significantly eases the issue of gradient vanishing, especially at the bottom of the layers. We present more visualizations for each components in the Appendix A.

2.3 Q-Sparse for Continue-Train and Finetuning Settings

Q-Sparse can be used in different settings, including training-from-scratch, continue-training, and finetuning. In the continue-train and finetuning settings, we use the same architecture and training procedure as in the training-from-scratch setting. The only difference is that we initialize the model with the pre-trained weights and continue training with the sparsity function enabled.

For the pre-trained models that do not have the squared ReLU function in the feed-forward layers, we apply the top-K sparsity function after the activated function (e.g., SiLU) in the feed-forward layers. It can improve the sparsity of the activations without changing the model architecture.

3 Scaling Laws

Recent work on large language models has shown that the performance of LLMs scales with the model size and the amount of training data. [8] argues that the converged performance of a dense Transformer model with N𝑁Nitalic_N parameters follows a power-law scaling law, which can be written as:

L(N)E+ANα𝐿𝑁𝐸𝐴superscript𝑁𝛼L(N)\triangleq E+\frac{A}{N^{\alpha}}italic_L ( italic_N ) ≜ italic_E + divide start_ARG italic_A end_ARG start_ARG italic_N start_POSTSUPERSCRIPT italic_α end_POSTSUPERSCRIPT end_ARG (14)

where L(N)𝐿𝑁L(N)italic_L ( italic_N ) is the performance of the model with N𝑁Nitalic_N parameters, E𝐸Eitalic_E is the performance of the model with infinite parameters, A𝐴Aitalic_A is a constant, and α𝛼\alphaitalic_α is the scaling exponent. Note that the number of training tokens are fixed in this setting, which is part of the constant E𝐸Eitalic_E.

In this work, we investigate the scaling law of sparsely-activated LLMs. We find that the performance of sparsely-activated LLMs also follows a power-law scaling law, which can be written as:

L(N,S)E+A(S)Nα𝐿𝑁𝑆𝐸𝐴𝑆superscript𝑁𝛼L(N,S)\triangleq E+\frac{A(S)}{N^{\alpha}}italic_L ( italic_N , italic_S ) ≜ italic_E + divide start_ARG italic_A ( italic_S ) end_ARG start_ARG italic_N start_POSTSUPERSCRIPT italic_α end_POSTSUPERSCRIPT end_ARG (15)
A(S)=B+Cexp(β1S)𝐴𝑆𝐵𝐶𝛽1𝑆A(S)=B+C\exp{(\frac{\beta}{1-S})}italic_A ( italic_S ) = italic_B + italic_C roman_exp ( divide start_ARG italic_β end_ARG start_ARG 1 - italic_S end_ARG ) (16)

where L(N,S)𝐿𝑁𝑆L(N,S)italic_L ( italic_N , italic_S ) is the performance of the sparsely-activated model with N𝑁Nitalic_N parameters and a sparsity ratio of S𝑆Sitalic_S, and α𝛼\alphaitalic_α and β𝛽\betaitalic_β are the scaling exponents.

In the following part, we will introduce how we derive the scaling law and the corresponding findings.

3.1 Scaling Experiments and Findings

To determine the form of the scaling law of sparse-activated LLMs, we begin with a series of scaling experiments. In the experiments, we train a series of language models with Q-Sparse of various scales, ranging from 300M to 7B. The models are trained on the Redpajama dataset [3]. We use the Sentencepiece tokenizer from LLaMA to preprocess data. Besides Q-Sparse, we also train the dense baselines with the same datasets and settings. More details can be found in the Appendix B.

The observed losses of the sparsely-activated models and the dense baselines are shown in Figure 3. We summarize the findings as below:

  • The performance of the sparsely-activated models scales with the model size and the sparsity ratio.

  • Given a fixed sparsity ratio S𝑆Sitalic_S, the performance of the sparsely-activated models follows a power-law scaling law with regards to the model size N𝑁Nitalic_N.

  • Given a fixed parameters N𝑁Nitalic_N, the performance of the sparsely-activated models follows an exponential-law scaling law with regards to the sparsity ratio S𝑆Sitalic_S.

  • As the parameters N𝑁Nitalic_N scales, the performance gap between the sparsely-activated models and the dense baselines decreases.

According to these findings, our main hypothesis is that the performance of the sparsely-activated models follows a combination of a power-law scaling law with regards to the model size N𝑁Nitalic_N and an exponential-law scaling law with regards to the sparsity ratio S𝑆Sitalic_S.

3.2 Power Law in the Model Size N𝑁Nitalic_N

Refer to caption
Refer to caption
Figure 3: The scaling curves of the sparsely-activated models regrading to the model size given a fixed sparsity ratio S𝑆Sitalic_S (Left), and regrading to the sparsity ratio given a fixed model size N𝑁Nitalic_N (Right).

With a fixed sparsity ratio S𝑆Sitalic_S, the scaling law should follows [11]’s scaling law, which can be written as:

L(N,S)E+A(S)Nα(S)𝐿𝑁𝑆𝐸𝐴𝑆superscript𝑁𝛼𝑆L(N,S)\triangleq E+\frac{A(S)}{N^{\alpha(S)}}italic_L ( italic_N , italic_S ) ≜ italic_E + divide start_ARG italic_A ( italic_S ) end_ARG start_ARG italic_N start_POSTSUPERSCRIPT italic_α ( italic_S ) end_POSTSUPERSCRIPT end_ARG (17)

where α(S)𝛼𝑆\alpha(S)italic_α ( italic_S ) is the scaling exponent, and the scaling factor A(S)𝐴𝑆A(S)italic_A ( italic_S ) is a function of the sparsity ratio S𝑆Sitalic_S. Given any model size N𝑁Nitalic_N, the function L(N,S)𝐿𝑁𝑆L(N,S)italic_L ( italic_N , italic_S ) should follow the Lipschitz continuity with regards to the sparsity ratio S𝑆Sitalic_S. Therefore, the scaling exponent α(S)𝛼𝑆\alpha(S)italic_α ( italic_S ) should be a non-decreasing function. Given any model size N𝑁Nitalic_N, the function L(N,S)𝐿𝑁𝑆L(N,S)italic_L ( italic_N , italic_S ) is increasing with the sparsity ratio S𝑆Sitalic_S, so α(S)𝛼𝑆\alpha(S)italic_α ( italic_S ) should be a non-increasing function. Above all, the scaling exponent α(S)𝛼𝑆\alpha(S)italic_α ( italic_S ) should be a constant, and the scaling function can be written as:

L(N,S)E+A(S)Nα𝐿𝑁𝑆𝐸𝐴𝑆superscript𝑁𝛼L(N,S)\triangleq E+\frac{A(S)}{N^{\alpha}}italic_L ( italic_N , italic_S ) ≜ italic_E + divide start_ARG italic_A ( italic_S ) end_ARG start_ARG italic_N start_POSTSUPERSCRIPT italic_α end_POSTSUPERSCRIPT end_ARG (18)
Refer to caption
Refer to caption
Refer to caption
Refer to caption
Figure 4: The inference-optimal scaling curves of the sparsely-activated models with full-precision (Top) and 1.58-bit (Bottom) weight. It shows that a sparisty of 45.58% for full-precision models and 61.25% for 1.58-bit models can achieve the best performance with the same inference compute budget (i.e., activated parameters or FLOPs).

3.3 Exponential Law in the Sparsity Ratio S𝑆Sitalic_S

According to the above finding, the performance of the sparsely-activated models follows an exponential-law scaling law with regards to the sparsity ratio S𝑆Sitalic_S. Therefore, the scaling factor A(S)𝐴𝑆A(S)italic_A ( italic_S ) should also follow an exponential law. Besides, given any model size N𝑁Nitalic_N, the scaling function is increasing with the sparsity ratio S𝑆Sitalic_S. Therefore, the scaling factor A(S)𝐴𝑆A(S)italic_A ( italic_S ) should be a non-decreasing function. The scaling factor A(S)𝐴𝑆A(S)italic_A ( italic_S ) can be written as:

A(S)=B+Cexp(β1S)𝐴𝑆𝐵𝐶𝛽1𝑆A(S)=B+C\exp{(\frac{\beta}{1-S})}italic_A ( italic_S ) = italic_B + italic_C roman_exp ( divide start_ARG italic_β end_ARG start_ARG 1 - italic_S end_ARG ) (19)

where B𝐵Bitalic_B is the scaling factor for extremely sparse LLMs, C𝐶Citalic_C is the scaling factor for dense LLMs, and β𝛽\betaitalic_β is the scaling exponent of the scaling factor A(S)𝐴𝑆A(S)italic_A ( italic_S ) with regards to the sparsity ratio S𝑆Sitalic_S.

3.4 Fitting the Parameters

We fit the parameters of the scaling law to the observed losses of the sparsely-activated models. We use the L-BFGS algorithm [20] to minimize the Huber loss [9] between the predicted and observed log loss.

minE,B,C,β,αRuns iHuberδ(logL^(Ni,Si)logLi)subscript𝐸𝐵𝐶𝛽𝛼subscriptRuns 𝑖subscriptHuber𝛿^𝐿subscript𝑁𝑖subscript𝑆𝑖subscript𝐿𝑖\min_{E,B,C,\beta,\alpha}\sum_{\text{Runs }i}\text{Huber}_{\delta}\left(\log% \hat{L}(N_{i},S_{i})-\log L_{i}\right)roman_min start_POSTSUBSCRIPT italic_E , italic_B , italic_C , italic_β , italic_α end_POSTSUBSCRIPT ∑ start_POSTSUBSCRIPT Runs italic_i end_POSTSUBSCRIPT Huber start_POSTSUBSCRIPT italic_δ end_POSTSUBSCRIPT ( roman_log over^ start_ARG italic_L end_ARG ( italic_N start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_S start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) - roman_log italic_L start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) (20)

Nach [8], δ𝛿\deltaitalic_δ is set as 103superscript10310^{-3}10 start_POSTSUPERSCRIPT - 3 end_POSTSUPERSCRIPT. We select the best fit from a grid of initialisations around possible local optimas. E𝐸Eitalic_E, B𝐵Bitalic_B, C𝐶Citalic_C, α𝛼\alphaitalic_α and β𝛽\betaitalic_β are estimated as 1.86, 0.01, 1.89, 0.10 and 0.05, respectively.

3.5 Diminishing Gap between Sparsely-Activated Models and Dense Baselines

Given the above scaling law, we can derive the performance of the sparsely-activated models and the dense baselines with the same model size N𝑁Nitalic_N and the same sparsity ratio S𝑆Sitalic_S. The performance gap between the sparsely-activated models and the dense baselines decreases as the model size N𝑁Nitalic_N scales. The performance gap can be written as:

L(N,S)L(N,0)𝐿𝑁𝑆𝐿𝑁0\displaystyle L(N,S)-L(N,0)italic_L ( italic_N , italic_S ) - italic_L ( italic_N , 0 ) =A(S)Nα(S)A(0)Nα(0)absent𝐴𝑆superscript𝑁𝛼𝑆𝐴0superscript𝑁𝛼0\displaystyle=\frac{A(S)}{N^{\alpha(S)}}-\frac{A(0)}{N^{\alpha(0)}}= divide start_ARG italic_A ( italic_S ) end_ARG start_ARG italic_N start_POSTSUPERSCRIPT italic_α ( italic_S ) end_POSTSUPERSCRIPT end_ARG - divide start_ARG italic_A ( 0 ) end_ARG start_ARG italic_N start_POSTSUPERSCRIPT italic_α ( 0 ) end_POSTSUPERSCRIPT end_ARG (21)
=A(0)Nα(A(S)A(0)1)absent𝐴0superscript𝑁𝛼𝐴𝑆𝐴01\displaystyle=\frac{A(0)}{N^{\alpha}}(\frac{A(S)}{A(0)}-1)= divide start_ARG italic_A ( 0 ) end_ARG start_ARG italic_N start_POSTSUPERSCRIPT italic_α end_POSTSUPERSCRIPT end_ARG ( divide start_ARG italic_A ( italic_S ) end_ARG start_ARG italic_A ( 0 ) end_ARG - 1 ) (22)

Since α𝛼\alphaitalic_α is a constant that satisfies α>0𝛼0\alpha>0italic_α > 0, the performance gap decreases as the model size N𝑁Nitalic_N scales. It means that given a large enough model size N𝑁Nitalic_N, the performance of the sparsely-activated models can eventually match the performance of the dense baselines with the same model size.

3.6 Inference-Optimal Scaling Law

The scaling law can also be transformed into a form that is dependent on the activated parameters Nasubscript𝑁𝑎N_{a}italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT, which reflects the effective compute (i.e., FLOPs) of the model during inference:

L(Na,S)E+A(S)(1SNa)α𝐿subscript𝑁𝑎𝑆𝐸𝐴𝑆superscript1𝑆subscript𝑁𝑎𝛼L(N_{a},S)\triangleq E+A(S)(\frac{1-S}{N_{a}})^{\alpha}italic_L ( italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT , italic_S ) ≜ italic_E + italic_A ( italic_S ) ( divide start_ARG 1 - italic_S end_ARG start_ARG italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT end_ARG ) start_POSTSUPERSCRIPT italic_α end_POSTSUPERSCRIPT (23)

where Nasubscript𝑁𝑎N_{a}italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT is the number of activated parameters in the model, which is equal to N×(1S)𝑁1𝑆N\times(1-S)italic_N × ( 1 - italic_S ). Since A(S)𝐴𝑆A(S)italic_A ( italic_S ) is an increasing function and (1S)αsuperscript1𝑆𝛼(1-S)^{\alpha}( 1 - italic_S ) start_POSTSUPERSCRIPT italic_α end_POSTSUPERSCRIPT is a decreasing function, there exists a sparsity ratio S>0superscript𝑆0S^{*}>0italic_S start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT > 0 that minimizes the loss of the sparsely-activated models. This leads to the inference-optimal scaling law of the sparsely-activated models:

L(Na)E+A(S)(1SNa)α𝐿subscript𝑁𝑎𝐸𝐴superscript𝑆superscript1superscript𝑆subscript𝑁𝑎𝛼L(N_{a})\triangleq E+A(S^{*})(\frac{1-S^{*}}{N_{a}})^{\alpha}italic_L ( italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT ) ≜ italic_E + italic_A ( italic_S start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT ) ( divide start_ARG 1 - italic_S start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT end_ARG start_ARG italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT end_ARG ) start_POSTSUPERSCRIPT italic_α end_POSTSUPERSCRIPT (24)

It shows that the performance of the sparsely-activated models is better than the dense baselines with the same inference compute budget. We further solve the optimal sparsity ratio Ssuperscript𝑆S^{*}italic_S start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT, finding that S45.58%superscript𝑆percent45.58S^{*}\approx 45.58\%italic_S start_POSTSUPERSCRIPT ∗ end_POSTSUPERSCRIPT ≈ 45.58 %. It means that a sparsely-activated model with a sparsity ratio of 45.58% (or 1.84Na1.84subscript𝑁𝑎1.84N_{a}1.84 italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT parameters) can achieve the best performance with the same inference budget Nasubscript𝑁𝑎N_{a}italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT. We follow the same process to estimate the inference-optimal scaling law for 1.58-bit Q-Sparse models. We find that the optimal sparsity ratio is 61.25% (or 2.58Na2.58subscript𝑁𝑎2.58N_{a}2.58 italic_N start_POSTSUBSCRIPT italic_a end_POSTSUBSCRIPT parameters). Figure 4 shows the inference-optimal scaling curves of the sparsely-activated models with full-precision and 1.58-bit weight. It shows that with the same performance, the sparsely-activated models can achieve a significant reduction in the number of activated parameters or FLOPs during inference.

The inference-optimal scaling law shows that the performance of the sparsely-activated models can be optimized by adjusting the sparsity ratio S𝑆Sitalic_S. It can be used to guide the training of the sparsely-activated models and to optimize the performance of the models during inference.

Refer to caption
(a) 700M model size
Refer to caption
(b) 7B model size
Figure 5: The training loss curve of Q-Sparse and the baseline with full-precision. We adopt top-K𝐾Kitalic_K as 70% for Q-Sparse, resulting in 40% overall sparsity.
Refer to caption
(a) 700M model size
Refer to caption
(b) 7B model size
Figure 6: The training loss curve of Q-Sparse and the baseline with 1.58-bit weight. We adopt top-K𝐾Kitalic_K as 70% for Q-Sparse, resulting in 40% overall sparsity.

4 Experiments

We conduct experiments to evaluate the effectiveness of Q-Sparse in different settings, including training-from-scratch, continue-training of off-the-shelf LLMs, and finetuning.

4.1 Training-from-Scratch

Setting

We train a series of language models with Q-Sparse in both full-precision and 1.58 bits. The models are trained with 50B tokens on the Redpajama dataset [3]. We compare Q-Sparse with the dense baselines with the same datasets and settings.

Results

The observed losses of the sparsely-activated models and the dense baselines are shown in Figure 5. It shows that Q-Sparse with 40% sparsity ratio can match the performance of the dense baselines with the same model size and training tokens.

BitNet b1.58 + Q-Sparse

We further evaluate the effectiveness of Q-Sparse on 1-bit LLMs. We train a series of BitNet b1.58 models with Q-Sparse of various scales. We plot the training loss curves of both Q-Sparse and the BitNet b1.58 baseline. Figure 6 shows that the performance of the sparsely-activated BitNet b1.58 models is better than the dense baselines with the same inference compute budget. It demonstrates that Q-Sparse is compatible to 1-bit LLMs and their synergy can be used to optimize the performance of the models during inference.

Ablation Study of top-K Sparisty and STE

To evaluate the effect of the top-K sparsity function, we compare the performance of the sparsely-activated models with the top-K sparsity function and the ReLU sparsity function. Moreover, we study the effect of the STE by comparing the models with and without STE. Figure 7 illustrates the results. It shows that either removing STE or replacing with ReLU function significantly hurt the performance. Besides, the sparsity ratio of the models with the ReLU function decreases as the training processes. In constrast, the sparisty ratio remains unchanged with the top-K sparisty function. As shown in Figure 8, we break down the contribution of the sparsity ratio from different components, finding that the decreasing sparisty is mainly from the QKV projection, the gating projection and the up projection of the feed-forward layers. This proves the superior of top-K over ReLU function.

Refer to caption
Refer to caption
Figure 7: The training loss curves (Left) and the overall sparsity ratio (Right) of different sparsity functions. All models are trained with 300M size and 50B tokens.
Refer to caption
Refer to caption
Figure 8: The sparsity ratio of each model’s component of different sparsity functions.

4.2 Continue-Training

Setting

We continue-train the Mistral 7B model [1] for 40B tokens on the FineWeb-Edu dataset [12]. We use the Sentencepiece tokenizer from Mistral to preprocess data. We use the batch size of 4M tokens and the learning rate of 5e-5. We use the Adam optimizer with the weight decay of 0.01. More training details can be found in Appendix B.

Results

For a fair comparison, we continue-train the Mistral 7B model with the same recipe as the dense baseline. We compare Q-Sparse with the ReLUfication [18] and dReLU Sparsification [25] methods, which sparsify the model by changing the activation function. Following the origin paper [18], we adopt a two-stage training strategy that first replaces the non-ReLU activation and then adds the ReLU functions. For the dReLU Sparsification method, we implement the dReLU sparsification method following the origin paper [25]. We evaluate these models on a range of language tasks, including ARC-Challenge [30], HellaSwag [31], Winogrande [22], MMLU [7] and TruthfulQA [14]. Results are shown in Table 1. It shows that Q-Sparse achieves comparable performance to the dense baseline while being much more efficient at inference time. Moreover, Q-Sparse outperforms the ReLUfication and dReLU Sparsification methods in terms of the performance and the sparsity ratio.

To break down the sparsity of each component in the model, we present the sparsity ratio of the query, key, value, output, up, down, and gate tensors in Table 2. It shows that Q-Sparse achieves a higher sparsity ratio than the ReLUfication and dReLU Sparsification methods. The sparsity ratio of the query, key, value, output, up, and down tensors is higher than 40%, and the sparsity ratio of the gate tensor is higher than 60%. It demonstrates that Q-Sparse can achieve full sparsity of activations in LLMs.

Models Activated ARC HS MMLU WG TQA Avg.
Dense Baseline 7.0B 61.8 81.4 59.8 77.5 42.7 64.6
ReLUfication [18] 5.0B 57.2 78.8 54.7 74.7 38.8 60.8
dReLU Sparsification [25] 5.4B 59.2 78.0 54.0 75.8 38.3 61.0
Q-Sparse (this work) 2.9B 59.0 79.0 55.6 74.0 41.0 61.7
3.8B 60.5 80.7 58.0 75.9 43.5 63.7
Table 1: The results of the continue-training for Q-Sparse and the baselines on the end tasks.
Models Activated QKV Out Up Gate Down Overall
Dense Baseline 7.0B 0.0 0.0 0.0 0.0 0.0 0.0
ReLUfication [18] 5.0B 12.3 0.0 10.3 10.3 79.3 28.3
dReLU Sparsification [25] 5.4B 0.1 0.0 0.1 0.1 85.5 23.0
Q-Sparse (this work) 2.9B 51.4 50.0 50.0 50.0 80.0 58.2
3.8B 42.0 40.0 40.0 40.0 60.4 45.7
Table 2: The activated parameters and the sparsity ratio of the continue-training for Q-Sparse and the baselines on the test set of Wikitext2.

4.3 Supervised Finetuning

Models Activated ARC HS MMLU WG TQA Avg.
Qwen1.5-4B 3.2B 42.8 68.2 53.6 67.1 47.9 55.9
Qwen1.5-7B 6.5B 47.7 74.6 61.5 71.4 50.7 61.2
Q-Sparse 3.6B 46.3 72.6 59.1 67.5 50.3 59.2
4.1B 47.9 73.2 59.2 69.4 51.1 60.1
Mistral-7B 7.0B 62.5 82.6 61.2 77.6 50.3 66.8
Q-Sparse 3.8B 60.5 81.5 60.0 77.1 50.5 65.9
4.3B 61.4 81.6 60.6 77.6 50.7 66.4
Table 3: The results of the supervised fine-tuning for Q-Sparse and the dense baselines on the end tasks.

Setting

We finetune the base model of Mistral 7B [10] and Qwen1.5 7B [1] on Open-Orca dataset [13] for both the dense baselines and Q-Sparse. The batch size is set as 128. The learning rates are selected from {3e-6, 5e-6, 7e-6}. All models are trained with 1 epoch for a fair comparison. The hyper-parameters are detailed in Appendix B. We conduct the evaluation for these models on a range of language tasks, including ARC-Challenge [30], HellaSwag [31], Winogrande [22], MMLU [7] and TruthfulQA [14].

Results

The results are shown in Table 3. It shows that Q-Sparse with 3.6B activated parameters achieves significant better performance than the Qwen1.5 4B dense model. Moreover, Q-Sparse with around 4B activated parameters achieves comparable performance to the Mistral 7B model and the Qwen1.5 7B model. It demonstrates that Q-Sparse can be used to finetune a dense pretrained model to a much more efficient sparse model with almost no loss at accuracy.

5 Discussion and Future Work

Scaling BitNet b1.58 + Q-Sparse + YOCO

We have shown promising results of combining 1-bit LLMs (i.e., BitNet b1.58) and fully sparse activations (i.e., Q-Sparse). We are working on scaling up the training in terms of both model size and training tokens. Furthermore, we will incorporate YOCO [23] to address the issue of KV cache for LLM inference. The integration of BitNet, Q-Sparse, and YOCO provides a comprehensive approach to optimizing all data types in LLM inference and deployment, which includes systematic optimization of model weights, activations, and KV cache.

Q-Sparse + MoE

Mixture-of-Experts has been the most widely method to achieve sparse activations in LLMs. Q-Sparse is orthogonal and can be seamlessly integrated with MoE.

Q-Sparse in Batch Mode

The current Q-Sparse implementation is not friendly to batch training and inference. We are working on making Q-Sparse compatible with batch mode with innovations from both modeling and system implementation.

References

  • BBC+ [23] Jinze Bai, Shuai Bai, Yunfei Chu, Zeyu Cui, Kai Dang, Xiaodong Deng, Yang Fan, Wenbin Ge, Yu Han, Fei Huang, Binyuan Hui, Luo Ji, Mei Li, Junyang Lin, Runji Lin, Dayiheng Liu, Gao Liu, Chengqiang Lu, Keming Lu, Jianxin Ma, Rui Men, Xingzhang Ren, Xuancheng Ren, Chuanqi Tan, Sinan Tan, Jianhong Tu, Peng Wang, Shijie Wang, Wei Wang, Shengguang Wu, Benfeng Xu, Jin Xu, An Yang, Hao Yang, Jian Yang, Shusheng Yang, Yang Yao, Bowen Yu, Hongyi Yuan, Zheng Yuan, Jianwei Zhang, Xingxuan Zhang, Yichang Zhang, Zhenru Zhang, Chang Zhou, Jingren Zhou, Xiaohuan Zhou, and Tianhang Zhu. Qwen technical report. CoRR, abs/2309.16609, 2023.
  • BLC [13] Yoshua Bengio, Nicholas Léonard, and Aaron C. Courville. Estimating or propagating gradients through stochastic neurons for conditional computation. CoRR, abs/1308.3432, 2013.
  • Com [23] Together Computer. Redpajama: an open dataset for training large language models, 2023.
  • FAHA [23] Elias Frantar, Saleh Ashkboos, Torsten Hoefler, and Dan Alistarh. OPTQ: accurate quantization for generative pre-trained transformers. In The Eleventh International Conference on Learning Representations, 2023.
  • FZS [21] William Fedus, Barret Zoph, and Noam Shazeer. Switch transformers: Scaling to trillion parameter models with simple and efficient sparsity. CoRR, abs/2101.03961, 2021.
  • GDWH [23] Yuxian Gu, Li Dong, Furu Wei, and Minlie Huang. Knowledge distillation of large language models. arXiv preprint arXiv:2306.08543, 2023.
  • HBB+ [21] Dan Hendrycks, Collin Burns, Steven Basart, Andy Zou, Mantas Mazeika, Dawn Song, and Jacob Steinhardt. Measuring massive multitask language understanding. In 9th International Conference on Learning Representations, ICLR 2021, Virtual Event, Austria, May 3-7, 2021. OpenReview.net, 2021.
  • HBM+ [22] Jordan Hoffmann, Sebastian Borgeaud, Arthur Mensch, Elena Buchatskaya, Trevor Cai, Eliza Rutherford, Diego de Las Casas, Lisa Anne Hendricks, Johannes Welbl, Aidan Clark, Tom Hennigan, Eric Noland, Katie Millican, George van den Driessche, Bogdan Damoc, Aurelia Guy, Simon Osindero, Karen Simonyan, Erich Elsen, Jack W. Rae, Oriol Vinyals, and Laurent Sifre. Training compute-optimal large language models. CoRR, abs/2203.15556, 2022.
  • Hub [92] Peter J Huber. Robust estimation of a location parameter. In Breakthroughs in statistics: Methodology and distribution, pages 492–518. Springer, 1992.
  • JSM+ [23] Albert Q. Jiang, Alexandre Sablayrolles, Arthur Mensch, Chris Bamford, Devendra Singh Chaplot, Diego de Las Casas, Florian Bressand, Gianna Lengyel, Guillaume Lample, Lucile Saulnier, Lélio Renard Lavaud, Marie-Anne Lachaux, Pierre Stock, Teven Le Scao, Thibaut Lavril, Thomas Wang, Timothée Lacroix, and William El Sayed. Mistral 7b. CoRR, abs/2310.06825, 2023.
  • KMH+ [20] Jared Kaplan, Sam McCandlish, Tom Henighan, Tom B. Brown, Benjamin Chess, Rewon Child, Scott Gray, Alec Radford, Jeffrey Wu, and Dario Amodei. Scaling laws for neural language models. CoRR, abs/2001.08361, 2020.
  • LBAvWW [24] Anton Lozhkov, Loubna Ben Allal, Leandro von Werra, and Thomas Wolf. Fineweb-edu, May 2024.
  • LGP+ [23] Wing Lian, Bleys Goodson, Eugene Pentland, Austin Cook, Chanvichet Vong, and "Teknium". Openorca: An open dataset of gpt augmented flan reasoning traces. https://https://huggingface.co/Open-Orca/OpenOrca, 2023.
  • LHE [22] Stephanie Lin, Jacob Hilton, and Owain Evans. Truthfulqa: Measuring how models mimic human falsehoods. In Proceedings of the 60th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), ACL 2022, Dublin, Ireland, May 22-27, 2022, pages 3214–3252. Association for Computational Linguistics, 2022.
  • LKM [23] Yaniv Leviathan, Matan Kalman, and Yossi Matias. Fast inference from transformers via speculative decoding. In International Conference on Machine Learning, ICML 2023, 23-29 July 2023, Honolulu, Hawaii, USA, 2023.
  • LLX+ [21] Dmitry Lepikhin, HyoukJoong Lee, Yuanzhong Xu, Dehao Chen, Orhan Firat, Yanping Huang, Maxim Krikun, Noam Shazeer, and Zhifeng Chen. Gshard: Scaling giant models with conditional computation and automatic sharding. In ICLR 2021, 2021.
  • LWD+ [23] Zichang Liu, Jue Wang, Tri Dao, Tianyi Zhou, Binhang Yuan, Zhao Song, Anshumali Shrivastava, Ce Zhang, Yuandong Tian, Christopher Ré, and Beidi Chen. Deja vu: Contextual sparsity for efficient llms at inference time. In Andreas Krause, Emma Brunskill, Kyunghyun Cho, Barbara Engelhardt, Sivan Sabato, and Jonathan Scarlett, editors, International Conference on Machine Learning, ICML 2023, 23-29 July 2023, Honolulu, Hawaii, USA, volume 202 of Proceedings of Machine Learning Research, pages 22137–22176. PMLR, 2023.
  • MAM+ [23] Iman Mirzadeh, Keivan Alizadeh, Sachin Mehta, Carlo C. Del Mundo, Oncel Tuzel, Golnoosh Samei, Mohammad Rastegari, and Mehrdad Farajtabar. Relu strikes back: Exploiting activation sparsity in large language models. CoRR, abs/2310.04564, 2023.
  • MWM+ [24] Shuming Ma, Hongyu Wang, Lingxiao Ma, Lei Wang, Wenhui Wang, Shaohan Huang, Li Dong, Ruiping Wang, Jilong Xue, and Furu Wei. The era of 1-bit llms: All large language models are in 1.58 bits. CoRR, abs/2402.17764, 2024.
  • Noc [80] Jorge Nocedal. Updating quasi-newton matrices with limited storage. Mathematics of computation, 35(151):773–782, 1980.
  • RSR+ [19] Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, and Peter J. Liu. Exploring the limits of transfer learning with a unified text-to-text transformer. CoRR, abs/1910.10683, 2019.
  • SBBC [20] Keisuke Sakaguchi, Ronan Le Bras, Chandra Bhagavatula, and Yejin Choi. WinoGrande: an adversarial winograd schema challenge at scale. In The Thirty-Fourth AAAI Conference on Artificial Intelligence, pages 8732–8740, 2020.
  • SDZ+ [24] Yutao Sun, Li Dong, Yi Zhu, Shaohan Huang, Wenhui Wang, Shuming Ma, Quanlu Zhang, Jianyong Wang, and Furu Wei. You only cache once: Decoder-decoder architectures for language models. CoRR, abs/2405.05254, 2024.
  • SML+ [21] David R. So, Wojciech Manke, Hanxiao Liu, Zihang Dai, Noam Shazeer, and Quoc V. Le. Primer: Searching for efficient transformers for language modeling. CoRR, abs/2109.08668, 2021.
  • SXZ+ [24] Yixin Song, Haotong Xie, Zhengyan Zhang, Bo Wen, Li Ma, Zeyu Mi, and Haibo Chen. Turbo sparse: Achieving llm sota performance with minimal activated parameters. arXiv preprint arXiv:2406.05955, 2024.
  • TLI+ [23] Hugo Touvron, Thibaut Lavril, Gautier Izacard, Xavier Martinet, Marie-Anne Lachaux, Timothée Lacroix, Baptiste Rozière, Naman Goyal, Eric Hambro, Faisal Azhar, Aurelien Rodriguez, Armand Joulin, Edouard Grave, and Guillaume Lample. LLaMA: open and efficient foundation language models. CoRR, abs/2302.13971, 2023.
  • VSP+ [17] Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N. Gomez, Lukasz Kaiser, and Illia Polosukhin. Attention is all you need. In Advances in Neural Information Processing Systems 30: Annual Conference on Neural Information Processing Systems 2017, December 4-9, 2017, Long Beach, CA, USA, pages 5998–6008, 2017.
  • WMD+ [23] Hongyu Wang, Shuming Ma, Li Dong, Shaohan Huang, Huaijie Wang, Lingxiao Ma, Fan Yang, Ruiping Wang, Yi Wu, and Furu Wei. Bitnet: Scaling 1-bit transformers for large language models. CoRR, abs/2310.11453, 2023.
  • XGZC [23] Mengzhou Xia, Tianyu Gao, Zhiyuan Zeng, and Danqi Chen. Sheared llama: Accelerating language model pre-training via structured pruning. CoRR, abs/2310.06694, 2023.
  • YBS [19] Vikas Yadav, Steven Bethard, and Mihai Surdeanu. Quick and (not so) dirty: Unsupervised selection of justification sentences for multi-hop question answering. In Kentaro Inui, Jing Jiang, Vincent Ng, and Xiaojun Wan, editors, EMNLP-IJCNLP, 2019.
  • ZHB+ [19] Rowan Zellers, Ari Holtzman, Yonatan Bisk, Ali Farhadi, and Yejin Choi. HellaSwag: can a machine really finish your sentence? In Proceedings of the 57th Conference of the Association for Computational Linguistics, pages 4791–4800, 2019.

Appendix A Visualizations

Refer to caption
(a) Query projection
Refer to caption
(b) Key projection
Refer to caption
(c) Value projection
Refer to caption
(d) Output projection
Refer to caption
(e) Gate projection
Refer to caption
(f) Up projection
Refer to caption
(g) Down projection
Figure 9: The gradient magnitude of each linear projection of dense baseline, Q-Sparse with and without STE estimator across different layers.

Appendix B Hyperparameters

Size Hidden Size GLU Size #Heads #Layers Seq Length
300M 1024 2730 16 24 2048
700M 1536 4096 24 24 2048
1.3B 2048 5460 32 24 2048
7B 4096 11008 32 32 2048
Table 4: Model configurations for the scaling experiments of both BitNet b1.58 and LLaMA LLM with Q-Sparse.
Model Size Learning Rate Weight Decay Batch Size Adam β𝛽\betaitalic_β
BitNet b1.58 300M 1.8×1031.5×1031.8superscript1031.5superscript1031.8\times 10^{-3}\rightarrow 1.5\times 10^{-3}1.8 × 10 start_POSTSUPERSCRIPT - 3 end_POSTSUPERSCRIPT → 1.5 × 10 start_POSTSUPERSCRIPT - 3 end_POSTSUPERSCRIPT 0.100.100.1\rightarrow 00.1 → 0 0.5M (0.9, 0.95)
700M 1.5×1031×1031.5superscript1031superscript1031.5\times 10^{-3}\rightarrow 1\times 10^{-3}1.5 × 10 start_POSTSUPERSCRIPT - 3 end_POSTSUPERSCRIPT → 1 × 10 start_POSTSUPERSCRIPT - 3 end_POSTSUPERSCRIPT 0.100.100.1\rightarrow 00.1 → 0 0.5M (0.9, 0.95)
1.3B 1.2×1038×1041.2superscript1038superscript1041.2\times 10^{-3}\rightarrow 8\times 10^{-4}1.2 × 10 start_POSTSUPERSCRIPT - 3 end_POSTSUPERSCRIPT → 8 × 10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT 0.100.100.1\rightarrow 00.1 → 0 0.5M (0.9, 0.95)
7B 1×1036×1041superscript1036superscript1041\times 10^{-3}\rightarrow 6\times 10^{-4}1 × 10 start_POSTSUPERSCRIPT - 3 end_POSTSUPERSCRIPT → 6 × 10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT 0.100.100.1\rightarrow 00.1 → 0 0.5M (0.9, 0.95)
LLaMA LLM 300M 6.0×1046.0superscript1046.0\times 10^{-4}6.0 × 10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT 0.1 0.5M (0.9, 0.95)
700M 2.5×1042.5superscript1042.5\times 10^{-4}2.5 × 10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT 0.1 0.5M (0.9, 0.95)
1.3B 2.0×1042.0superscript1042.0\times 10^{-4}2.0 × 10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT 0.1 0.5M (0.9, 0.95)
7B 1.5×1041.5superscript1041.5\times 10^{-4}1.5 × 10 start_POSTSUPERSCRIPT - 4 end_POSTSUPERSCRIPT 0.1 0.5M (0.9, 0.95)
Table 5: Hyper-parameters for the scaling experiments of both BitNet b1.58 and LLaMA LLM with Q-Sparse.
Hyperparameters Value
Training updates 10K
Tokens per sample 4M
Adam β𝛽\betaitalic_β (0.9, 0.95)
Learning rate 5e-5
End learning rate 1e-6
Learning rate schedule Polynomial decay
Warmup updates 375
Gradient clipping 2.0
Dropout
Attention dropout
Weight decay 0.01
Table 6: Hyper-parameters for the continue-training of Mistral 7B with Q-Sparse on Findweb Edu dataset.
Hyperparameters Value
Training epoch 1
Batch Size 128
Adam β𝛽\betaitalic_β (0.9, 0.95)
Learning rate {3e-6, 5e-6, 7e-6}
Learning rate schedule Cosine decay
Warmup ratio 0.03
Dropout
Attention dropout
Weight decay
Table 7: Hyper-parameters for the supervised fine-tuning of Mistral 7B and Qwen-1.5 7B with Q-Sparse on OpenOrca dataset.