Think Before You Prune: Self-Reflective Structured Pruning for Reasoning Language Models
Abstract.
Reasoning LLMs (RLMs) such as OpenAI o1, DeepSeek-R1, and Qwen3 deliver strong multi-step reasoning through chain-of-thought generation, but their large model sizes and lengthy decode-time outputs make them costly to deploy and unsuitable for resource-constrained settings. To reduce computing and memory cost, pruning offers a promising solution by removing unimportant parameters. However, despite their success on standard LLMs, existing pruning methods severely damage RLMs, as even moderate sparsity (e.g., 20%) can collapse accuracy and completely disrupt the model’s reasoning coherence. We begin by analyzing why existing pruning pipelines fail on reasoning LLMs and find that their brittleness largely stems from a mismatch between the calibration data, the pruning objective, and the model’s decode-time reasoning behavior. Our study further shows that the most reliable calibration signal comes not from human-written labels but from the model’s own self-generated reasoning traces, which more accurately reflect its inference distribution. Guided by these insights, we introduce RESP, a self-reflective structured pruning framework that aligns pruning decisions with the model’s reasoning dynamics through self-generated calibration, decode-only gradient-based importance estimation, and progressive regeneration that maintains calibration fidelity as sparsity increases. Experiments on Qwen3-8B demonstrate that RESP markedly outperforms existing structured pruning methods on both GSM8K and MathQA, preserving near-dense accuracy at 20–30% sparsity and substantially mitigating performance collapse at higher sparsity levels. At 40% sparsity, RESP attains 81.3% accuracy on GSM8K and 59.6% on MathQA, surpassing the strongest baselines by 66.87% and 47%, respectively.
1. Introduction
Large language models (LLMs) (touvron2023llama; touvron2023llama2openfoundation; openai2024gpt4technicalreport; grattafiori2024llama3herdmodels) have achieved substantial progress in language understanding and generation. Building on these advances, Reasoning LLMs (RLMs), such as OpenAI o1 (openai2024openaio1card), DeepSeek-R1 (deepseekai2025deepseekr1incentivizingreasoningcapability), and Qwen3 (yang2025qwen3technicalreport), further strengthen reasoning ability and deliver significant progress on complex tasks, including reliable symbolic manipulation (wei2023chainofthoughtpromptingelicitsreasoning), mathematical derivation (cobbe2021trainingverifierssolvemath; amini2019mathqainterpretablemathword), or multi-hop inference (phan2025humanitysexam; suzgun2022challengingbigbenchtaskschainofthought). These models acquire their reasoning capability by explicitly producing chain-of-thought (CoT) (wei2023chainofthoughtpromptingelicitsreasoning) traces learned through supervised rationales (zelikman2022starbootstrappingreasoningreasoning) or reinforcement learning (RL) (schulman2017proximalpolicyoptimizationalgorithms; shao2024deepseekmathpushinglimitsmathematical). However, the substantially large model size hinder deployment, and their lengthy multi-step chain-of-thought outputs incur high inference costs (zhang2025reasoningmeetscompressionunderstanding; sui2025stopoverthinkingsurveyefficient; xu2025largereasoningmodelssurvey; feng2025efficientreasoningmodelssurvey), making these models expensive for individual users and impractical for resource-constrained devices.
Given these constraints, pruning has become a popular model compression method to reduce the computing and memory cost of LLMs by removing less important parameters. In practice, due to the substantial training cost, pruning for LLMs is predominantly performed in the post-training setting, where a lightweight calibration data (ma2023llm; frantar2023sparsegptmassivelanguagemodels; sun2024simpleeffectivepruningapproach; kim2024shortenedllamadepthpruning; an2023fluctuationbasedadaptivestructuredpruning; wang2025localglobalrevisitingstructured) is used to estimate the importance score for selecting which parameter to be pruned, as shown in Fig.1(a). Upon that, existing post-training pruning methods for LLMs can be broadly categorized into OBS-based local methods and gradient-based global methods. OBS-based methods, beginning with Optimal Brain Surgeon (OBS) and its layer-wise variants (NIPS1992_303ed4c6; dong2017learningprunedeepneural), decompose compression into per-layer subproblems and optimize a local reconstruction loss between the outputs of the unpruned and pruned layers. Recent works, such as SparseGPT (frantar2023sparsegptmassivelanguagemodels), Wanda (sun2024simpleeffectivepruningapproach), FLAP (an2023fluctuationbasedadaptivestructuredpruning), and OWL (yin2025outlierweighedlayerwisesparsity), instantiate this paradigm with different approximations of the layer-wise reconstruction objective. In contrast, gradient-based methods, including LLM-Pruner (ma2023llm), GBLM (das2024sizegradientsshapepruning), and GISP (wang2025localglobalrevisitingstructured), measure parameters’ importance globally by aggregating first-order Taylor saliency with respect to the model’s final loss. In addition, based on the sparsity pattern, pruning methods can be divided into unstructured pruning and structured pruning. Unstructured pruning removes individual weights and offers high flexibility but provides limited real-world speedup, while structured pruning eliminates entire computational units (e.g., heads, channels, layers) and yields practical compute and memory reduction on general-purpose GPUs without relying on specialized accelerator designs. Given its hardware compatibility, in this work, we focus on structured pruning for reasoning LLMs.
Despite their effectiveness on general non-reasoning LLMs, existing pruning methods exhibit significant accuracy degradation when applied to RLMs. For example, at 30% sparsity, existing calibration-based post-training pruning methods incur only 9.4% accuracy degradation (wang2025localglobalrevisitingstructured) on the non-reasoning CommonsenseQA benchmark (hu2023llmadaptersadapterfamilyparameterefficient). In sharp contrast, the reasoning task GSM8K (cobbe2021trainingverifierssolvemath), prior pruning methods cause accuracy to collapse to below 10%, despite the dense Qwen3-8B model achieving 96.74%. The pruned models make elementary arithmetic mistakes, generate repetitive or non-progressive chains of thought, and even produce confidently incorrect conclusions. This gap between existing pruning methods and RLMs motivates us to address the central question: how to perform structured pruning in a way that preserves the reasoning capability of RLMs?
To understand why existing pruning methods fail on RLMs, we conduct a systematic study of calibration strategies and pruning algorithms, and uncover three key observations: (1) Task-specific calibration is essential for preserving reasoning ability: Generic corpora such as C4 (raffel2023exploringlimitstransferlearning) could severely degrade accuracy, whereas calibration with reasoning-aligned data (e.g., GSM8K (cobbe2021trainingverifierssolvemath)) substantially preserves performance at low sparsity. (2) Gradient-based pruning benefits far more from task-specific calibration than OBS-based methods: While OBS methods gain little beyond low sparsity, gradient-based GISP continues to recover substantial accuracy because its importance scores depend directly on task-specific gradients. (3) Self-generated reasoning traces provide the most effective calibration signal: Since RLMs are trained via reinforcement learning on their own generated sequences, their inference distribution is self-induced. Therefore, calibration using self-generated traces, rather than the human-written labels in the task-specific dataset, best matches this distribution, greatly improving gradient-based pruning.
Guided by these observations, we propose a self-reflective structured pruning method for reasoning LLMs (RESP). As shown in Fig.1(b), the core idea of RESP is to align pruning decisions with the model’s own reasoning behavior. To achieve this, RESP consists of three components. (1) Self-generated calibration: Given prompts from a task-specific dataset, RESP constructs calibration data using the model’s own self-generated reasoning traces, ensuring that importance estimation is grounded in the distribution the model actually follows during multi-step reasoning. (2) Gradient-based importance estimation: RESP adopts a gradient-based pruning strategy to compute importance scores for structured weights (e.g., attention heads or MLP channels). Critically, because reasoning accuracy is determined during the decode-time token generation stage rather than the prefill stage, RESP computes a decode-only loss that masks out all prompt tokens, ensuring that importance scores reflect decode-time reasoning behavior. (3) Progressive calibration regeneration: We further observe that self-generated calibration collected from the dense model becomes mismatched at high sparsity (e.g., 40%) due to a shift in the model’s reasoning distribution. To address this, RESP periodically regenerates fresh self-generated reasoning traces from the current pruned model as sparsity increases, keeping calibration aligned with the evolving model and preventing drift that would otherwise accumulate across pruning iterations (Fig.1(c)).
In summary, this paper makes three contributions:
-
•
We empirically identify and characterize the reasons existing pruning pipelines fail on RLMs, revealing critical gaps in calibration data strategies, post-training pruning methods, and dependence on decode-time reasoning behavior.
-
•
We propose RESP, a self-reflective structured pruning framework that leverages self-generated calibration, decode-time gradient importance, and progressive regeneration to preserve reasoning accuracy. To the best of our knowledge, this is the first work to address structured pruning for reasoning LLMs.
-
•
Extensive experiments on the latest open-sourced RLM Qwen3-8B across GSM8K and MathQA, demonstrating that RESP exceeds strong baselines at various sparsities and substantially extends the useful sparsity regime for RLMs, while remaining a fully post-training method. For example, RESP, for the first time, achieves near accuracy to dense models at 20–30% sparsity and markedly delays collapse at higher sparsity. At 40% sparsity, it achieves 81.3% and 59.6% accuracy on GSM8K and MathQA, surpassing the previous best baselines by 66.87% and 47%, respectively.
2. Related Works
Reasoning Large Language Models. RLMs are LLMs optimized to generate intermediate chain-of-thought (CoT) (wei2023chainofthoughtpromptingelicitsreasoning) traces, which improve multi-step reasoning. They are typically obtained via supervised fine-tuning (zelikman2022starbootstrappingreasoningreasoning) on rationales or reinforcement learning on outcome signals (e.g., PPO (schulman2017proximalpolicyoptimizationalgorithms) and GRPO (shao2024deepseekmathpushinglimitsmathematical)). Contemporary systems such as o1 (openai2024openaio1card), DeepSeek-R1 (deepseekai2025deepseekr1incentivizingreasoningcapability), and Qwen3 (yang2025qwen3technicalreport) exemplify this trend. However, the additional supervision and longer decode-time sampling raise compute and latency, spurring research on efficient reasoning and compression (snell2024scalingllmtesttimecompute; sui2025stopoverthinkingsurveyefficient; feng2025efficientreasoningmodelssurvey).
Pruning and challenge for RLMs. Pruning removes redundant parameters by inducing sparsity. Classical work (e.g., OBD (NIPS1989_6c9882bb)) introduced Taylor-series–based importance estimation, later scaled across CNNs with strong empirical success (han2016deepcompressioncompressingdeep; molchanov2017pruningconvolutionalneuralnetworks; wang2021convolutionalneuralnetworkpruning). With the advent of LLMs, pruning has re-emerged as a practical approach to efficient inference when full retraining is infeasible, motivating post-training methods that rely on lightweight calibration data rather than expensive end-to-end finetuning.
In terms of sparsity pattern, pruning can be divided into unstructured or structured. Unstructured methods operate at the individual-weight level and keep the architecture intact. For example, SparseGPT (frantar2023sparsegptmassivelanguagemodels) casts pruning as a sparse regression problem and uses a Hessian-based approximate solver, while Wanda (sun2024simpleeffectivepruningapproach) proposes a simpler importance score based on the product of weight magnitudes and input activations, achieving competitive quality with much lower cost. Structured pruning, in contrast, removes higher-level units such as attention heads, MLP channels, or entire layers, yielding compact architectures that are hardware-friendly and can realize wall-clock speedups without specialized kernels (wan2024efficientlargelanguagemodels; wang2024modelcompressionefficientinference; ma2023llm). Representative methods include LLM-Pruner (ma2023llm), which prunes heads and channels using gradient-based importance while respecting structural dependencies, as well as depth-pruning approaches such as ShortGPT (men2024shortgptlayerslargelanguage), which remove layers with low layer-wise similarity scores.
Importance estimation. Post-training pruning methods also differ in how they define the pruning objective and importance estimation.
(i) Local OBS-based (activation reconstruction). Following OBS (NIPS1992_303ed4c6) and layer-wise OBS (dong2017learningprunedeepneural), local methods decompose model compression into per-layer subproblems and minimize a reconstruction loss between the original and pruned layer outputs:
| (1) |
where is the weight of layer , is the layer input, is a binary mask, and denotes (optionally) updated weights. Practical LLM variants include SparseGPT (Hessian-approximated sparse regression) (frantar2023sparsegptmassivelanguagemodels), Wanda (weight–activation products) (sun2024simpleeffectivepruningapproach), and non-uniform schemes such as FLAP (an2023fluctuationbasedadaptivestructuredpruning) and OWL (yin2025outlierweighedlayerwisesparsity) that modulate per-layer sparsity via activation variability or outlier statistics.
(ii) Gradient-based global (first-order saliency). Global methods score structures with respect to a model-level loss and rank them across layers. The learning objective can be formulated as:
| (2) |
where is the forward function, denotes the inputs, is the original (pre-trained) weight, is the binary mask indicating which weights remain. Given a dataset , a simple first-order Taylor saliency derived from such an objective for a parameter is ; aggregating over a structure (e.g., a head or an MLP channel) gives structural importance as
| (3) |
Global pruning has been extensively studied in smaller networks such as CNNs (molchanov2016pruning), Vision Transformers (yang2023globalvisiontransformerpruning), and compact language models (diao2023pruningdeepneuralnetworks), consistently outperforming local approaches (blalock2020state; diao2023pruningdeepneuralnetworks). In LLMs, methods such as LLM-Pruner (ma2023llm), GBLM (das2024sizegradientsshapepruning), and GISP (wang2025localglobalrevisitingstructured) instantiate this idea with structure-level aggregation and block-wise normalization to mitigate layer-scale effects.
Although these approaches are effective on generic LLM benchmarks, recent studies (zhang2025reasoningmeetscompressionunderstanding; wan2024efficientlargelanguagemodels; sui2025stopoverthinkingsurveyefficient) show that directly applying off-the-shelf structured pruning heuristics to RLMs often leads to severe degradation on multi-step reasoning tasks.
Calibration data for post-training pruning. Post-training pruning relies on a small calibration set from which activation statistics or gradient signals are extracted to calculate the importance score for pruning. Standard practice adopts task-agnostic corpora such as C4 (raffel2023exploringlimitstransferlearning) or WikiText (merity2016pointer) and uses prefill-style reconstruction losses to approximate layer outputs or model likelihoods (frantar2023sparsegptmassivelanguagemodels; sun2024simpleeffectivepruningapproach; ma2023llm; an2023fluctuationbasedadaptivestructuredpruning). However, recent analyses (wang2025localglobalrevisitingstructured; bandari2024c4datasetoptimalpruning) on LLMs reveal that such generic calibration can severely misestimate importance and lead to sizable performance degradation. These observations suggest that the choice of calibration data is a key yet underexplored factor in current post-training pruning, especially for RLMs, which are more sensitive to pruning.
This work addresses that gap: we develop a post-training structured pruning framework for RLMs that explicitly focuses on calibration data design and alignment, ensuring that importance estimates reflect decode-time reasoning rather than generic language-modeling signals.
3. Observations
To enable effective structured pruning for RLMs, we begin by conducting a comprehensive empirical study examining how different calibration data and pruning methods affect RLMs’ reasoning performance. In practice, we examine four OBS-based pruning methods (FLAP, OWL, Wanda, SparseGPT) and one gradient-based method (GISP) on the reasoning-centric RLM Qwen3-8B. By measuring their performance on the GSM8K benchmark, we obtain three key observations:
Observation 1 Generic calibration (e.g., C4) severely degrades reasoning abilities while task-specific calibration (e.g., GSM8K) preserves accuracy at low sparsity (e.g., 20%)
In post-training pruning for non-reasoning LLMs, a common setup is to use generic text corpora such as C4 (raffel2023exploringlimitstransferlearning) or WikiText (merity2016pointer) for calibration and evaluate zero-shot accuracy on standard commonsense benchmarks. However, as shown in Fig. 2(a), calibrating pruning with C4 consistently leads to large accuracy drops on GSM8K across all different pruning methods. For example, at 30%, the accuracy degraded to less than 10%. A likely cause is the context gap between the generic calibration data and the evaluation data. To examine this hypothesis, we calibrate using a small training subset of GSM8K and observe that accuracy at low sparsity (e.g., 20%) improves dramatically and consistently across all pruning methods. This indicates that task-specific calibration is crucial for preserving reasoning performance.
Observation 2 Gradient-based pruning methods benefit substantially from task-specific calibration compared to OBS-based methods
While task-specific calibration helps preserve accuracy at low sparsity levels (e.g., 20%), we find that its benefit diminishes for OBS-based pruning methods (e.g., Wanda, FLAP, and OWL) as sparsity increases. As shown in Fig. 2(b), these methods exhibit only marginal accuracy improvements at moderate sparsity (e.g., 30%) and still remain far below the dense baseline. In contrast, the gradient-based method GISP continues to recover a significant fraction of reasoning accuracy under the same sparsity. This divergence stems from the different optimization objectives underlying the two classes of methods, as discussed in Sec. 2. Gradient-based methods explicitly rely on gradients of the model’s final loss, whose importance scores shift substantially when the calibration data better match the target reasoning task. OBS-based methods, however, focus on layer-wise activation reconstruction, which is comparatively less sensitive to the choice of calibration data. Consequently, task-specific calibration yields much larger gains for gradient-based pruning than for OBS-based pruning.
Observation 3 Calibration with self-generated reasoning output sequences outperform task-specific calibration
Given the decode-time nature of reasoning, we build calibration data from the model’s own self-generated solution traces using GSM8K question prompts. As shown in Fig. 3(a), this self-generated calibration substantially improves the performance of the gradient-based GISP pruning method especially at 40% sparsity ratio, yet yields almost no benefit for OBS-based methods. Note that other OBS-based methods, such as FLAP and OWL, exhibit similar performance to Wanda. This difference stems from how each method uses calibration data: gradient-based pruning relies on calibration distributions to compute decode-time gradients. Hence, aligning calibration with the model’s actual inference behavior produces more accurate importance scores. In contrast, OBS-based methods estimate sensitivity primarily through local Hessian approximations or activation statistics that are largely insensitive to the choice of calibration samples, making them less responsive to distribution changes. Moreover, the advantage of a self-generated output trace is further rooted in the training dynamics of reasoning LLMs. Unlike supervised fine-tuning models that learn from fixed human-written labels, RLMs are optimized through reinforcement learning on their own generated sequences, resulting in a reasoning distribution that is inherently self-induced. Consequently, self-generated calibration traces better match the model’s inference-time distribution, enhancing gradient-based pruning but providing little benefit to OBS-based methods.
4. Self-reflective structured pruning for RLMs
Guided by the observations presented in the previous section, we introduce RESP, a self-reflective structured pruning framework tailored for reasoning LLMs. RESP consists of three key components: (1) self-reflective calibration, which constructs self-generated, task-specific reasoning traces that better match the model’s inference-time distribution; (2) gradient-based importance estimation, which computes decode-only, gradient-based importance scores to guide structured pruning; and (3) progressive regeneration calibration, which refreshes calibration traces during pruning to maintain alignment and preserve performance as sparsity increases.
4.1. Self-reflective calibration
Motivated by Observation 3, the calibration signal should be derived from the model’s own decode-time reasoning trace rather than generic corpora or human-written rationales. Specifically, given a task-specific prompt question , a max context length , and a max calibration sequence length , the RLM produces a chain-of-thought and final answer under its standard decoding procedure. We extract the decode output segment and construct a calibration set as self-generated traces.
4.2. Gradient-based importance estimation
Our Observations 2 and 3 show that gradient-based pruning methods benefit substantially from task-specific calibration, making them particularly effective for RLMs when paired with self-generated calibration. To leverage this, RESP estimates structural importance using decode-only, gradient-based importance score, ensuring that pruning decisions are guided by signals aligned with the model’s actual reasoning process.
Decode-only loss for reasoning alignment. In practice, given a calibration pair (e.g, a GSM8K problem), we mask out prefill tokens and evaluate loss only on tokens produced during the decode phase. Let indicate whether token belongs to the decode phase and . The decode-time negative log-likelihood is
| (4) |
Unlike full-sequence or prefill-dominated objectives, this loss isolates the token-by-token reasoning steps that directly determine task performance, preventing prefill reconstruction terms from distorting importance estimation.
Gradient-based importance score for structured pruning. We then exploit the data sensitivity of gradient-based pruning by computing a first-order, decode-only importance on model-generated traces. For a parameter , the importance score based on first-order Taylor saliency is defined as
| (5) |
Afterward, following standard gradient-based pruning practice (wang2025localglobalrevisitingstructured; yang2023globalvisiontransformerpruning), we first aggregate weight-level importance by summing it over predefined structures (e.g., attention heads or MLP channels), normalize the aggregated structural importance, rank all structures across the entire model, and finally prune the least important structures to meet the target sparsity.
4.3. Progressive calibration regeneration
Fig. 3(b) reveals a pronounced accuracy cliff around 40% sparsity when pruning is driven solely by dense-model calibration traces. Although such traces initially align well with the model’s reasoning behavior, increasing sparsity progressively alters decode-time traces, making earlier traces distributionally stale. As a result, importance estimates increasingly reflect outdated gradients, leading to misinformed pruning decisions. This calibration drift highlights the need to realign calibration with the model’s evolving reasoning distribution as sparsity grows.
Progressive calibration regeneration at pruning milestones. To address the calibration drift, we further propose an improved technique progressive regeneration: at pre-defined pruning milestones with the target sparsity, we entirely replace the previously collected calibration traces with newly generated ones by the current model on the fixed prompt set at current milestone . We then compute the decode-only, gradient-based importance on the refreshed set and prune to the next milestone . It is worth noting that during regeneration, the token budget and prompt set are kept fixed across sparsity milestones. Only the decode-time traces are refreshed using the current pruned model, ensuring that updates arise solely from aligning calibration to the model’s evolving behavior. Empirically, this alignment yields smoother degradation curves and mitigates large drops around the critical milestone ratio at high sparsity.
5. Experiments
5.1. Experiments Setup
Model and Tasks. We primarily evaluate on Qwen3-8B (yang2025qwen3technicalreport) as the target model. For reasoning benchmarks, we choose two representative math word–problem datasets: MathQA (multiple-choice math problems and we report Top-1 choice accuracy) (amini2019mathqainterpretablemathword) and GSM8K (free-form grade-school math and we report Top-1 exact-match on the final answer) (cobbe2021trainingverifierssolvemath). Following common practice, MathQA is evaluated in zero-shot with a short instruction prompt, while GSM8K uses an 8-shot prompt. The benchmarks are applied through the EleutherAI LM Harness pipeline (eval-harness). Both evaluation and calibration trace generation use the provider-recommended sampling setup: do_sample=True, temperature=0.6. Evaluation max_new_tokens is 4096 for MathQA and 2048 for GSM8K. For robustness to formatting, we use Qwen3-30B-A3B-Instruct-2507 as a light-weight answer extractor to select the final option (MathQA) or extract a final scalar (GSM8K), as regex normalization might be ambiguous for models without the output alignment fine-tuning process. Empirically, the extractor contributes at most 0.7 percentage points variation; we hold it fixed across all methods for fairness. We fix the random seed to 0 for prompt sampling and decoding parameters across methods. All calibration datasets share the same , consisting of random prompts from the training split per task. When generating calibration traces for RESP, we cap the decode length at for all tasks.
Baselines. We compare against two representative structured pruning baselines: Wanda (sun2024simpleeffectivepruningapproach) and GISP (wang2025localglobalrevisitingstructured). Wanda is an OBS-based method that ranks structures by the magnitude of weight–activation products, leveraging the outlier phenomenon raised in LLMs. GISP is a post-training, gradient-based global iterative approach that removes attention heads and MLP channels using first-order gradients aggregated at the structure level with block-wise normalization. For a fair comparison, we adopt the same stability constraint across all methods: we do not prune the first 10% of Transformer blocks, and we keep the final block unpruned.
5.2. Experiments Results.
| Pruning Ratio | Method | GSM8K | MathQA |
|---|---|---|---|
| 0% | Dense | 96.74% | 87.60% |
| 20% | Wanda | 85.90% | 51.42% |
| GISP | 90.52% | 73.00% | |
| RESP w/o re-gen | 95.53% | 84.02% | |
| RESP | 95.53% | 83.69% | |
| 30% | Wanda | 16.38% | 11.22% |
| GISP | 79.68% | 27.07% | |
| RESP w/o re-gen | 92.65% | 80.30% | |
| RESP | 91.36% | 81.54% | |
| 40% | Wanda | 3.64% | 5.73% |
| GISP | 14.40% | 12.60% | |
| RESP w/o re-gen | 65.13% | 16.78% | |
| RESP | 81.27% | 59.60% |
The effectiveness of self-generated calibration data. Presented in Table 1, compared with other baselines, RESP w/o re-gen substantially improves gradient-based pruning across pruning ratios. For GISP, 5–13% on GSM8K and 11–53 % on MathQA gain can be observed at 20–30% sparsity. At 40% sparsity, the trend persists on GSM8K, with 51% improvement, while gains on MathQA taper off, suggesting the need for regeneration.
The effectiveness of regeneration. Furthermore, comparing between RESP w/o re-gen to RESP isolates the performance gain of regeneration. As shown in Table 1, at low sparsity, regeneration yields modest gains: both variants obtain similar performance. We hypothesize that, in this regime, the benefit from better distribution alignment is partly offset by the degradation in generation quality induced by pruning: the regenerated data are better matched to the sparse model’s behavior, but are also of slightly lower quality than those produced by the dense model, leading to a limited net improvement. When sparsity is high, regeneration markedly delays collapse: on GSM8K, we achieve an improvement of 16.14% at 40%; on MathQA, the gains are even larger, up to 42.82% at 40%. This suggests that, in the high-sparsity regime, the distribution gap becomes the dominant factor, and aligning the calibration data with the sparse model via progressive regeneration is crucial for maintaining performance. Overall, progressive regeneration yields smoother degradation curves and preserves usable accuracy well beyond the critical sparsity regime.
| Milestone Ratio | Next Target Ratio | Regenerate? | MathQA (Calibration) | MathQA (Test) |
|---|---|---|---|---|
| 10% | 20% | F | 90.60% | 86.47% |
| T | 90.00% | 86.47% | ||
| 20% | 30% | F | 84.80% | 81.54% |
| T | 88.00% | 84.92% | ||
| 30% | 40% | F | 38.40% | 40.60% |
| T | 58.00% | 56.35% | ||
| 40% | 50% | F | 5.60% | 7.24% |
| T | 9.80% | 10.08% |
5.3. Ablation
Necessity of regeneration. To further analyze the necessity and effect of regeneration at each pruning milestone, we perform path-contrast experiments starting from the same checkpoint, pruning to the next sparsity with and without refreshing the calibration traces. As shown in Table 2, regeneration (T) consistently leads to higher accuracy on both test set and calibration sample set across all milestone intervals compared with no regeneration (F), confirming its necessity for maintaining reasoning capability as sparsity increases. Notably, the performance gap widens in higher sparsity regimes (e.g., from 30%40%), where calibration drift becomes more pronounced. These results justify adopting full regeneration at every milestone as the default configuration.
| Milestone Ratio | Next Target Ratio | Regenerate Ratio | GSM8K | Improvement |
|---|---|---|---|---|
| 30% | 40% | 0 | 65.13% | 0% |
| 0.2 | 71.11% | +5.99% | ||
| 0.4 | 75.28% | +10.16% | ||
| 0.6 | 75.89% | +10.77% | ||
| 0.8 | 82.56% | +17.44% | ||
| 1 | 83.17% | +18.04% |
Different regeneration ratio. To analyze the effect of regeneration ratios, we pause the iterative pruning process at 30%, vary the regeneration ratio , replacing a -portion of the calibration traces with those regenerated, while keeping the calibration budget and prompts fixed. Then we utilize different regenerated calibration mixes to continue pruning to 40%. The results are presented in Table 3, which showing that the accuracy on GSM8K increases monotonically with : from 65.13% at (no refresh) to 83.17% at (fully regenerate, ). Thus, we adopt full regeneration as the default.
6. Conclusion
In this work, we show that conventional post-training pruning pipelines fail on reasoning LLMs due to a mismatch between calibration data, pruning objectives, and decode-time reasoning behavior. By introducing RESP, a self-reflective structured pruning framework built on self-generated calibration traces, decode-only gradient-based importance, and progressive regeneration, we align pruning decisions with the model’s actual inference distribution. Experiments on Qwen3-8B demonstrate that RESP preserves near-dense accuracy at 20–30% sparsity and significantly mitigates collapse at higher sparsity, establishing a practical and effective path toward compressing reasoning-centric language models.