--- license: apache-2.0 base_model: - microsoft/NextCoder-7B - julien31/Soar-qwen-7b language: - en pipeline_tag: text-generation tags: - merge - programming - code generation - code - codeqwen - coding - coder - qwen2 - chat - qwen - qwen-coder - code - chat - microsoft - nextcoder - selekt - code-generation - program-synthesis - evolutionary-algorithms - arc - arc-agi - soar datasets: - microsoft/NextCoderDataset - microsoft/NextCoderDataset-Conversational - bigcode/commitpackft - bigcode/starcoderdata - julien31/soar_arc_train_5M library_name: transformers ---
GitHub   |    Paper
> NextCoder: Robust Adaptation of Code LMs to Diverse Code Edits (ICML'2025) ## Introduction NextCoder is the latest series of Code-Editing large language models developed using the Qwen2.5-Coder Instruct variants as base and trained with novel Selective Knowledge Transfer finetuning methodology as introduced in the paper. NextCoder family model comes in 3 different sizes 7, 14, 32 billion parameters, to meet the needs of different developers. Following are the key improvements: - Significantly improvements in **code editing**, NextCoder-32B has performing on par with GPT-4o on complex benchmarks like Aider-Polyglot with performance increment of 44% from their base model. - No loss of generalizibility, due to our new finetuning method **SeleKT** - **Long-context Support** up to 32K tokens. **This repo contains the NextCoder-7B model**, which has the following features: - Type: Causal Language Models - Training Stage: Post-training with SeleKT - Architecture: transformers with RoPE, SwiGLU, RMSNorm, and Attention QKV bias - Number of Parameters: 7.61B - Number of Paramaters (Non-Embedding): 6.53B - Number of Layers: 28 - Number of Attention Heads (GQA): 28 for Q and 4 for KV For more details, please refer to our [blog](), [GitHub](https://github.com/microsoft/NextCoder), [Paper](https://www.microsoft.com/en-us/research/publication/nextcoder-robust-adaptation-of-code-lms-to-diverse-code-edits/). ## Requirements The code of NextCoder is based on Qwen2.5 base models which has been in the latest Hugging face `transformers` and we advise you to use the latest version of `transformers`. With `transformers<4.37.0`, you will encounter the following error: ``` KeyError: 'qwen2' ``` ## Quickstart Here provides a code snippet with `apply_chat_template` to show you how to load the tokenizer and model and how to generate contents. ```python from transformers import AutoModelForCausalLM, AutoTokenizer model_name = "microsoft/NextCoder-7B" model = AutoModelForCausalLM.from_pretrained( model_name, torch_dtype="auto", device_map="auto", ) tokenizer = AutoTokenizer.from_pretrained(model_name) prompt = """ Fix the following function that divides two numbers to handle all the edge cases: def divide(a, b) returm a/b """ messages = [ {"role": "user", "content": prompt} ] text = tokenizer.apply_chat_template( messages, tokenize=False, add_generation_prompt=True ) model_inputs = tokenizer([text], return_tensors="pt").to(model.device) generated_ids = model.generate( **model_inputs, max_new_tokens=1024 ) generated_ids = [ output_ids[len(input_ids):] for input_ids, output_ids in zip(model_inputs.input_ids, generated_ids) ] response = tokenizer.batch_decode(generated_ids, skip_special_tokens=True)[0] ``` ## Evaluation and Performance | Models | HUMANEVALFIX | CANITEDIT | AIDER | POLYGLOT | |--------|---------------|-----------|-------|----------| | QwenCoder-2.5-3B | 73.2 | 37.1 | 36.8 | - | | QwenCoder-2.5-3B-LoRA | 64.6 | 36.2 | 35.8 | - | | QwenCoder-2.5-3B-SFT | 76.2 | 32.4 | 30.1 | - | | **NextCoder-3B** | 75.6 | 42.4 | 37.6 | - | | QwenCoder-2.5-7B | 73.8 | 48.1 | 59.4 | - | | QwenCoder-2.5-7B-LoRA | 70.7 | 44.3 | 40.6 | - | | QwenCoder-2.5-7B-SFT | 70.1 | 36.7 | 48.9 | - | | **NextCoder-7B** | 81.1 | 50.5 | 65.7 | - | | QwenCoder-2.5-14B | 87.8 | 58.1 | 66.9 | 9.3 | | QwenCoder-2.5-14B-LoRA | 78.0 | 50.9 | 66.2 | 5.3 | | QwenCoder-2.5-14B-SFT | 79.9 | 42.4 | 36.8 | 3.1 | | **NextCoder-14B** | 89.8 | 60.2 | 72.2 | 12.2 | | QwenCoder-2.5-32B | **90.2** | 61.0 | 72.9 | 16.4 | | QwenCoder-2.5-32B-LoRA | 82.3 | 52.4 | 60.2 | 6.7 | | QwenCoder-2.5-32B-SFT | 81.7 | 49.5 | 66.9 | 8.4 | | **NextCoder-32B** | 88.9 | **62.4** | **74.7** | **23.6** | *Comparison of base QwenCoder-2.5 models of different sizes and their SELEKT-enhanced versions across three code editing benchmarks.* **Detailed evaluation results are reported in this [📑 paper](https://www.microsoft.com/en-us/research/publication/nextcoder-robust-adaptation-of-code-lms-to-diverse-code-edits/).** See more here: https://huggingface.co/microsoft/NextCoder-7B --- # Qwen2.5-Coder-7B-Instruct --- # SOAR-ARC Models: Self-Improving Language Models for Program Synthesis🤗 Hugging Face (data and model)   |    📑 Paper    |    📑 Blog
This repository contains one of the models fine-tuned using the **SOAR** (**S**elf-improving **O**perators for **A**utomated program **R**efinements) framework, as presented in the paper: > [**Self-Improving Language Models for Evolutionary Program Synthesis: A Case Study on ARC-AGI**](https://icml.cc/virtual/2025/poster/43499) > > Julien Pourcel, Cédric Colas, Pierre-Yves Oudeyer. > *Proceedings of the 42nd International Conference on Machine Learning (ICML), 2025.* These models are specialized in solving tasks from the challenging [Abstraction and Reasoning Corpus (ARC)](https://github.com/fchollet/ARC) by synthesizing Python programs. ## SOAR Large Language Models (LLMs) have become incredibly powerful, but they often hit a wall when faced with truly complex reasoning tasks that require discovering a solution from scratch. Simply throwing more computing power or using a bigger model often yields diminishing returns. But what if a model could learn from its own experience, getting smarter with every attempt? We introduce a framework called **SOAR (Self-improving Operators for Automated program Refinements)** that does just that. By creating a "virtuous cycle" of evolutionary search and learning, SOAR enables AI models to bootstrap their own capabilities and solve problems previously beyond their reach. we tested SOAR on the Abstraction and Reasoning Corpus (ARC-AGI-1), a notoriously difficult benchmark designed to challenge an AI's core reasoning abilities. We show that using SOAR with only open weight LLM, we can significantly outperforming much larger closed source LLMs. We have released a dataset containing 5 million ARC solutions. For solutions that successfully solve an original ARC task, we deduplicate entries by their code to ensure uniqueness. For solutions that correspond to new synthetic tasks generated via hindsight relabeling, we deduplicate based on their output results. This approach ensures a diverse and high-quality dataset for further research and development. - [soar_arc_train_5M](https://huggingface.co/datasets/julien31/soar_arc_train_5M) We have also released all five of our SOAR models on Hugging Face: - [Soar-qwen-7b](https://huggingface.co/julien31/Soar-qwen-7b) - [Soar-qwen-14b](https://huggingface.co/julien31/Soar-qwen-14b) - [Soar-qwen-32b](https://huggingface.co/julien31/Soar-qwen-32b) - [Soar-qwen-72b](https://huggingface.co/julien31/Soar-qwen-72b) - [Soar-mistral-123b](https://huggingface.co/julien31/Soar-mistral-123b) ## SOAR framework  1. **Evolutionary Search (Sample & Refine):** SOAR uses an LLM to generate an initial pool of thousands of candidate programs (the "sampling" step). It then tests these programs and uses the LLM again to intelligently modify or "refine" the most promising ones based on their performance. 2. **Learning from Hindsight:** SOAR takes all the programs generated during the search phase—including both successes and failures—and uses them as training data. The key insight is that any failed program is simply a *correct* program for a *different* task. By "relabeling" these failed attempts as correct solutions for the synthetic tasks they inadvertently solve, SOAR creates a diverse dataset to learn from. This process creates a powerful feedback loop: the fine-tuned model becomes better at sampling and refining, which leads to a more effective search in the next iteration, which in turn generates even better training data. And unlike previous approaches that rely on human-engineered domain-specific languages or human-generated solutions, SOAR learns to synthesize programs in Python solely from its own synthesis attempts, encompassing both successes and failures. ## How to Use the Model The primary use of this model is to generate a Python function that solves an ARC task. The input to the model should be a formatted prompt containing the training and test examples of the ARC task. Also see: https://huggingface.co/julien31/Soar-qwen-7b --- For more information / other Qwen/Mistral Coders / additional settings see: [ https://huggingface.co/DavidAU/Qwen2.5-MOE-2x-4x-6x-8x__7B__Power-CODER__19B-30B-42B-53B-gguf ] ---