MegaScience: Pushing the Frontiers of Post-Training Datasets for Science Reasoning

This repository hosts the Qwen3-4B-MegaScience model, a large language model fine-tuned on the MegaScience dataset for scientific reasoning.

Abstract

Scientific reasoning is critical for developing AI scientists and supporting human researchers in advancing the frontiers of natural science discovery. However, the open-source community has primarily focused on mathematics and coding while neglecting the scientific domain, largely due to the absence of open, large-scale, high-quality, verifiable scientific reasoning datasets. To bridge this gap, we first present TextbookReasoning, an open dataset featuring truthful reference answers extracted from 12k university-level scientific textbooks, comprising 650k reasoning questions spanning 7 scientific disciplines. We further introduce MegaScience, a large-scale mixture of high-quality open-source datasets totaling 1.25 million instances, developed through systematic ablation studies that evaluate various data selection methodologies to identify the optimal subset for each publicly available scientific dataset. Meanwhile, we build a comprehensive evaluation system covering diverse subjects and question types across 15 benchmarks, incorporating comprehensive answer extraction strategies to ensure accurate evaluation metrics. Our experiments demonstrate that our datasets achieve superior performance and training efficiency with more concise response lengths compared to existing open-source scientific datasets. Furthermore, we train Llama3.1, Qwen2.5, and Qwen3 series base models on MegaScience, which significantly outperform the corresponding official instruct models in average performance. In addition, MegaScience exhibits greater effectiveness for larger and stronger models, suggesting a scaling benefit for scientific tuning. We release our data curation pipeline, evaluation system, datasets, and seven trained models to the community to advance scientific reasoning research.

Project Resources

Qwen3-4B-MegaScience

Training Recipe

  • LR: 5e-6
  • LR Schedule: Cosine
  • Batch Size: 512
  • Max Length: 4,096
  • Warm Up Ratio: 0.05
  • Epochs: 3

Evaluation Results

Data Pipeline
Data Pipeline

More about MegaScience

Data Pipeline

Usage

This model can be loaded and used with the transformers library.

from transformers import AutoModelForCausalLM, AutoTokenizer
import torch

model_id = "MegaScience/Qwen3-4B-MegaScience"

tokenizer = AutoTokenizer.from_pretrained(model_id)
model = AutoModelForCausalLM.from_pretrained(
    model_id,
    torch_dtype=torch.bfloat16, # Use bfloat16 for better performance/memory
    device_map="auto"
)

messages = [
    {"role": "system", "content": "You are a helpful assistant for scientific reasoning."},
    {"role": "user", "content": "What are the primary components of a DNA molecule?"}
]

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.input_ids,
    max_new_tokens=512,
    do_sample=True, # Enable sampling for more varied responses
    temperature=0.7 # Adjust temperature for creativity
)
generated_ids = [
    output_id[len(input_id):]
    for input_id, output_id in zip(model_inputs.input_ids, generated_ids)
]

response = tokenizer.batch_decode(generated_ids, skip_special_tokens=True)[0]
print(response)

Citation

Check out our paper for more details. If you use our dataset or find our work useful, please cite

@article{fan2025megascience,
  title={MegaScience: Pushing the Frontiers of Post-Training Datasets for Science Reasoning},
  author={Fan, Run-Ze and Wang, Zengzhi and Liu, Pengfei},
  year={2025},
  journal={arXiv preprint arXiv:2507.16812},
  url={https://arxiv.org/abs/2507.16812}
}
Downloads last month
21
Safetensors
Model size
4.02B params
Tensor type
F32
·
Inference Providers NEW
This model isn't deployed by any Inference Provider. 🙋 Ask for provider support

Model tree for MegaScience/Qwen3-4B-MegaScience

Base model

Qwen/Qwen3-4B-Base
Finetuned
(79)
this model

Dataset used to train MegaScience/Qwen3-4B-MegaScience

Collection including MegaScience/Qwen3-4B-MegaScience