parsbench


Nameparsbench JSON
Version 0.1.7 PyPI version JSON
download
home_pagehttps://parsbench.github.io/ParsBench
SummaryParsBench provides toolkits for benchmarking LLMs based on the Persian language tasks.
upload_time2024-08-15 11:36:10
maintainerNone
docs_urlNone
authorShahriar Shariati
requires_python<3.12,>=3.10
licenseApache-2.0
keywords llm benchmarking persian
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            # ParsBench

<div align="center">
    <a href="https://github.com/ParsBench/ParsBench">
        <img src="https://raw.githubusercontent.com/ParsBench/ParsBench/main/docs/imgs/banner-black.png" alt="Beanie" width="480" height="240">
    </a>
    <br>
    <a href="https://shahriarshm.github.io/parsbench/">
        <img src="https://shields.io/badge/-docs-blue" alt="docs">
    </a>
    <a href="https://pypi.python.org/pypi/parsbench">
        <img src="https://img.shields.io/pypi/v/parsbench.svg" alt="pypi">
    </a>
    <a href="https://huggingface.co/ParsBench">
        <img src="https://huggingface.co/datasets/huggingface/badges/resolve/main/follow-me-on-HF-md-dark.svg" alt="huggingface">
    </a>
</div>

ParsBench provides toolkits for benchmarking Large Language Models (LLMs) based on the Persian language. It includes various tasks for evaluating LLMs on different topics, benchmarking tools to compare multiple models and rank them, and an easy, fully customizable API for developers to create custom models, tasks, scores, and benchmarks.

## Key Features

- **Variety of Tasks**: Evaluate LLMs across various topics.
- **Benchmarking Tools**: Compare and rank multiple models.
- **Customizable API**: Create custom models, tasks, scores, and benchmarks with ease.

## Motivation

I was trying to fine-tune an open-source LLM for the Persian language. I needed some evaluation to test the performance and utility of my LLM. It leads me to research and find [this paper](https://arxiv.org/abs/2404.02403). It's great work that they prepared some datasets and evaluation methods to test on ChatGPT. They even shared their code in this [repository](https://github.com/Ipouyall/Benchmarking_ChatGPT_for_Persian).

So, I thought that I should build a handy framework that includes various tasks and datasets for evaluating LLMs based on the Persian language. I used some parts of their work (Datasets, Metrics, Basic prompt templates) in this library.

## Installation

Install [Math Equivalence](https://github.com/hendrycks/math) package manually:

```bash
pip install git+https://github.com/hendrycks/math.git
```

Install ParsBench using pip:

```bash
pip install parsbench
```

## Usage

### Evaluating a PreTrained Model

Load the pre-trained model and tokenizer from the HuggingFace and then, evaluate the model using the PersianMath task:

```python
from transformers import AutoModelForCausalLM, AutoTokenizer

from parsbench.models import PreTrainedTransformerModel
from parsbench.tasks import PersianMath

model = AutoModelForCausalLM.from_pretrained(
    "Qwen/Qwen2-72B-Instruct",
    torch_dtype="auto",
    device_map="auto"
)
tokenizer = AutoTokenizer.from_pretrained("Qwen/Qwen2-72B-Instruct")

tf_model = PreTrainedTransformerModel(model=model, tokenizer=tokenizer)

with PersianMath() as task:
    results = task.evaluate(tf_model)
```

### Benchmarking Multiple Models with Multiple Tasks

For example, we run our local models using Ollama:

```bash
ollama run qwen2
ollama run aya
```

Then we benchmark those models using the ParsBench.

```python
from parsbench.benchmarks import CustomBenchmark
from parsbench.models import OpenAIModel
from parsbench.tasks import ParsiNLUMultipleChoice, PersianMath, ParsiNLUReadingComprehension

qwen2_model = OpenAIModel(
    api_base_url="http://localhost:11434/v1/",
    api_secret_key="ollama",
    model="qwen2:latest",
)
aya_model = OpenAIModel(
    api_base_url="http://localhost:11434/v1/",
    api_secret_key="ollama",
    model="aya:latest",
)

benchmark = CustomBenchmark(
    models=[qwen2_model, aya_model],
    tasks=[
        ParsiNLUMultipleChoice,
        ParsiNLUReadingComprehension,
        PersianMath,
    ],
)
result = benchmark.run(
    prompt_lang="fa",
    prompt_shots=[0, 3],
    n_first=100,
    sort_by_score=True,
)
result.show_radar_plot()
```

![Benchmark Bar Plot](https://raw.githubusercontent.com/ParsBench/ParsBench/main/docs/imgs/radarplot.png)

## Available Tasks

| Task Name                   | Score Name       | Dataset      |
|-----------------------------|------------------|--------------|
| ParsiNLU Sentiment Analysis | Exact Match (F1) | [ParsiNLU](https://huggingface.co/datasets/persiannlp/parsinlu_sentiment) |
| ParsiNLU Entailment | Exact Match (F1) | [ParsiNLU](https://huggingface.co/datasets/persiannlp/parsinlu_entailment) |
| ParsiNLU Machine Translation En -> Fa | Bleu | [ParsiNLU](https://huggingface.co/datasets/persiannlp/parsinlu_translation_en_fa) |
| ParsiNLU Machine Translation Fa -> En | Bleu | [ParsiNLU](https://huggingface.co/datasets/persiannlp/parsinlu_translation_fa_en) |
| ParsiNLU Multiple Choice | Exact Match (Accuracy) | [ParsiNLU](https://github.com/persiannlp/parsinlu) |
| ParsiNLU Reading Comprehension | Common Tokens (F1) | [ParsiNLU](https://huggingface.co/datasets/persiannlp/parsinlu_reading_comprehension) |
| Persian NER | NER Exact Match (F1) | [PersianNER](https://github.com/HaniehP/PersianNER) |
| Persian Math | Math Equivalence (Accuracy) | [Source](https://github.com/Ipouyall/Benchmarking_ChatGPT_for_Persian) |
| ConjNLI Entailment | Exact Match (F1) | [Source](https://github.com/Ipouyall/Benchmarking_ChatGPT_for_Persian) |
| Persian MMLU (Khayyam Challenge) | Exact Match (Accuracy) | [Khayyam Challenge](https://huggingface.co/datasets/raia-center/khayyam-challenge) |
| FarsTail Entailment | Exact Match (F1) | [FarsTail](https://github.com/dml-qom/FarsTail) |
| Persian News Summary | Rouge | [PNSummary](https://huggingface.co/datasets/HooshvareLab/pn_summary) |
| XL-Sum | Rouge | [XLSum](https://huggingface.co/datasets/csebuetnlp/xlsum) |

You can import the class of above tasks from `parsbench.tasks` and use it for evaluating your model.

## Example Notebooks

- Benchmark [Aya](https://huggingface.co/CohereForAI) models: [![aya](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/drive/1aPayB9AaheDxT7zS4A_4SAMH3a7mIDFX?usp=sharing)
- Benchmark [Ava](https://huggingface.co/MehdiHosseiniMoghadam) models: [![ava](https://colab.research.google.com/assets/colab-badge.svg)](https://drive.google.com/file/d/1ToJ8gTQz1ifU70EBAM7fZG2LIOY4zAp0/view?usp=sharing)
- Benchmark [Dorna](https://huggingface.co/PartAI) models: [![dorna](https://colab.research.google.com/assets/colab-badge.svg)](https://drive.google.com/file/d/1f64d0GnmcQIZ-tlN8cg49pPdiwlVlWvi/view?usp=sharing)
- Benchmark [MaralGPT](https://huggingface.co/MaralGPT) models: [![maralgpt](https://colab.research.google.com/assets/colab-badge.svg)](https://drive.google.com/file/d/1ZfjxPa4CfAZdQgtPaEt3nnX180A825ZF/view?usp=sharing)

## Sponsors

Here are the names of companies/people who helped us to keep maintaining this project. If you want to donate this project, see [this page](https://shahriarshm.github.io/parsbench/donation/).

- [AvalAI](https://avalai.ir/): They gave us free OpenAI API credit several times in their "AvalAward" program. It helped us for doing R&D and benchmarking GPT models.
- [Basalam](https://basalam.com/): They voluntarily helped us to run the benchmarks on open-weight models and build the [ParsBench Leaderboard](https://huggingface.co/spaces/ParsBench/leaderboard).

## Contributing

Contributions are welcome! Please refer to the [contribution guidelines](docs/contribution.md) for more information on how to contribute.

## License

ParsBench is distributed under the Apache-2.0 license.

## Contact Information

For support or questions, please contact: [shahriarshm81@gmail.com](mailto:shahriarshm81@gmail.com)
Feel free to let me know if there are any additional details or changes you'd like to make!

            

Raw data

            {
    "_id": null,
    "home_page": "https://parsbench.github.io/ParsBench",
    "name": "parsbench",
    "maintainer": null,
    "docs_url": null,
    "requires_python": "<3.12,>=3.10",
    "maintainer_email": null,
    "keywords": "llm, benchmarking, persian",
    "author": "Shahriar Shariati",
    "author_email": "shahriarshm81@gmail.com",
    "download_url": "https://files.pythonhosted.org/packages/a4/ec/9e95cf3bf244d08b761e081a1b89b6e8e1c9cdf6fb205a8ace5c59fe5cbf/parsbench-0.1.7.tar.gz",
    "platform": null,
    "description": "# ParsBench\n\n<div align=\"center\">\n    <a href=\"https://github.com/ParsBench/ParsBench\">\n        <img src=\"https://raw.githubusercontent.com/ParsBench/ParsBench/main/docs/imgs/banner-black.png\" alt=\"Beanie\" width=\"480\" height=\"240\">\n    </a>\n    <br>\n    <a href=\"https://shahriarshm.github.io/parsbench/\">\n        <img src=\"https://shields.io/badge/-docs-blue\" alt=\"docs\">\n    </a>\n    <a href=\"https://pypi.python.org/pypi/parsbench\">\n        <img src=\"https://img.shields.io/pypi/v/parsbench.svg\" alt=\"pypi\">\n    </a>\n    <a href=\"https://huggingface.co/ParsBench\">\n        <img src=\"https://huggingface.co/datasets/huggingface/badges/resolve/main/follow-me-on-HF-md-dark.svg\" alt=\"huggingface\">\n    </a>\n</div>\n\nParsBench provides toolkits for benchmarking Large Language Models (LLMs) based on the Persian language. It includes various tasks for evaluating LLMs on different topics, benchmarking tools to compare multiple models and rank them, and an easy, fully customizable API for developers to create custom models, tasks, scores, and benchmarks.\n\n## Key Features\n\n- **Variety of Tasks**: Evaluate LLMs across various topics.\n- **Benchmarking Tools**: Compare and rank multiple models.\n- **Customizable API**: Create custom models, tasks, scores, and benchmarks with ease.\n\n## Motivation\n\nI was trying to fine-tune an open-source LLM for the Persian language. I needed some evaluation to test the performance and utility of my LLM. It leads me to research and find [this paper](https://arxiv.org/abs/2404.02403). It's great work that they prepared some datasets and evaluation methods to test on ChatGPT. They even shared their code in this [repository](https://github.com/Ipouyall/Benchmarking_ChatGPT_for_Persian).\n\nSo, I thought that I should build a handy framework that includes various tasks and datasets for evaluating LLMs based on the Persian language. I used some parts of their work (Datasets, Metrics, Basic prompt templates) in this library.\n\n## Installation\n\nInstall [Math Equivalence](https://github.com/hendrycks/math) package manually:\n\n```bash\npip install git+https://github.com/hendrycks/math.git\n```\n\nInstall ParsBench using pip:\n\n```bash\npip install parsbench\n```\n\n## Usage\n\n### Evaluating a PreTrained Model\n\nLoad the pre-trained model and tokenizer from the HuggingFace and then, evaluate the model using the PersianMath task:\n\n```python\nfrom transformers import AutoModelForCausalLM, AutoTokenizer\n\nfrom parsbench.models import PreTrainedTransformerModel\nfrom parsbench.tasks import PersianMath\n\nmodel = AutoModelForCausalLM.from_pretrained(\n    \"Qwen/Qwen2-72B-Instruct\",\n    torch_dtype=\"auto\",\n    device_map=\"auto\"\n)\ntokenizer = AutoTokenizer.from_pretrained(\"Qwen/Qwen2-72B-Instruct\")\n\ntf_model = PreTrainedTransformerModel(model=model, tokenizer=tokenizer)\n\nwith PersianMath() as task:\n    results = task.evaluate(tf_model)\n```\n\n### Benchmarking Multiple Models with Multiple Tasks\n\nFor example, we run our local models using Ollama:\n\n```bash\nollama run qwen2\nollama run aya\n```\n\nThen we benchmark those models using the ParsBench.\n\n```python\nfrom parsbench.benchmarks import CustomBenchmark\nfrom parsbench.models import OpenAIModel\nfrom parsbench.tasks import ParsiNLUMultipleChoice, PersianMath, ParsiNLUReadingComprehension\n\nqwen2_model = OpenAIModel(\n    api_base_url=\"http://localhost:11434/v1/\",\n    api_secret_key=\"ollama\",\n    model=\"qwen2:latest\",\n)\naya_model = OpenAIModel(\n    api_base_url=\"http://localhost:11434/v1/\",\n    api_secret_key=\"ollama\",\n    model=\"aya:latest\",\n)\n\nbenchmark = CustomBenchmark(\n    models=[qwen2_model, aya_model],\n    tasks=[\n        ParsiNLUMultipleChoice,\n        ParsiNLUReadingComprehension,\n        PersianMath,\n    ],\n)\nresult = benchmark.run(\n    prompt_lang=\"fa\",\n    prompt_shots=[0, 3],\n    n_first=100,\n    sort_by_score=True,\n)\nresult.show_radar_plot()\n```\n\n![Benchmark Bar Plot](https://raw.githubusercontent.com/ParsBench/ParsBench/main/docs/imgs/radarplot.png)\n\n## Available Tasks\n\n| Task Name                   | Score Name       | Dataset      |\n|-----------------------------|------------------|--------------|\n| ParsiNLU Sentiment Analysis | Exact Match (F1) | [ParsiNLU](https://huggingface.co/datasets/persiannlp/parsinlu_sentiment) |\n| ParsiNLU Entailment | Exact Match (F1) | [ParsiNLU](https://huggingface.co/datasets/persiannlp/parsinlu_entailment) |\n| ParsiNLU Machine Translation En -> Fa | Bleu | [ParsiNLU](https://huggingface.co/datasets/persiannlp/parsinlu_translation_en_fa) |\n| ParsiNLU Machine Translation Fa -> En | Bleu | [ParsiNLU](https://huggingface.co/datasets/persiannlp/parsinlu_translation_fa_en) |\n| ParsiNLU Multiple Choice | Exact Match (Accuracy) | [ParsiNLU](https://github.com/persiannlp/parsinlu) |\n| ParsiNLU Reading Comprehension | Common Tokens (F1) | [ParsiNLU](https://huggingface.co/datasets/persiannlp/parsinlu_reading_comprehension) |\n| Persian NER | NER Exact Match (F1) | [PersianNER](https://github.com/HaniehP/PersianNER) |\n| Persian Math | Math Equivalence (Accuracy) | [Source](https://github.com/Ipouyall/Benchmarking_ChatGPT_for_Persian) |\n| ConjNLI Entailment | Exact Match (F1) | [Source](https://github.com/Ipouyall/Benchmarking_ChatGPT_for_Persian) |\n| Persian MMLU (Khayyam Challenge) | Exact Match (Accuracy) | [Khayyam Challenge](https://huggingface.co/datasets/raia-center/khayyam-challenge) |\n| FarsTail Entailment | Exact Match (F1) | [FarsTail](https://github.com/dml-qom/FarsTail) |\n| Persian News Summary | Rouge | [PNSummary](https://huggingface.co/datasets/HooshvareLab/pn_summary) |\n| XL-Sum | Rouge | [XLSum](https://huggingface.co/datasets/csebuetnlp/xlsum) |\n\nYou can import the class of above tasks from `parsbench.tasks` and use it for evaluating your model.\n\n## Example Notebooks\n\n- Benchmark [Aya](https://huggingface.co/CohereForAI) models: [![aya](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/drive/1aPayB9AaheDxT7zS4A_4SAMH3a7mIDFX?usp=sharing)\n- Benchmark [Ava](https://huggingface.co/MehdiHosseiniMoghadam) models: [![ava](https://colab.research.google.com/assets/colab-badge.svg)](https://drive.google.com/file/d/1ToJ8gTQz1ifU70EBAM7fZG2LIOY4zAp0/view?usp=sharing)\n- Benchmark [Dorna](https://huggingface.co/PartAI) models: [![dorna](https://colab.research.google.com/assets/colab-badge.svg)](https://drive.google.com/file/d/1f64d0GnmcQIZ-tlN8cg49pPdiwlVlWvi/view?usp=sharing)\n- Benchmark [MaralGPT](https://huggingface.co/MaralGPT) models: [![maralgpt](https://colab.research.google.com/assets/colab-badge.svg)](https://drive.google.com/file/d/1ZfjxPa4CfAZdQgtPaEt3nnX180A825ZF/view?usp=sharing)\n\n## Sponsors\n\nHere are the names of companies/people who helped us to keep maintaining this project. If you want to donate this project, see [this page](https://shahriarshm.github.io/parsbench/donation/).\n\n- [AvalAI](https://avalai.ir/): They gave us free OpenAI API credit several times in their \"AvalAward\" program. It helped us for doing R&D and benchmarking GPT models.\n- [Basalam](https://basalam.com/): They voluntarily helped us to run the benchmarks on open-weight models and build the [ParsBench Leaderboard](https://huggingface.co/spaces/ParsBench/leaderboard).\n\n## Contributing\n\nContributions are welcome! Please refer to the [contribution guidelines](docs/contribution.md) for more information on how to contribute.\n\n## License\n\nParsBench is distributed under the Apache-2.0 license.\n\n## Contact Information\n\nFor support or questions, please contact: [shahriarshm81@gmail.com](mailto:shahriarshm81@gmail.com)\nFeel free to let me know if there are any additional details or changes you'd like to make!\n",
    "bugtrack_url": null,
    "license": "Apache-2.0",
    "summary": "ParsBench provides toolkits for benchmarking LLMs based on the Persian language tasks.",
    "version": "0.1.7",
    "project_urls": {
        "Documentation": "https://parsbench.github.io/ParsBench",
        "Homepage": "https://parsbench.github.io/ParsBench",
        "Repository": "https://github.com/ParsBench/ParsBench"
    },
    "split_keywords": [
        "llm",
        " benchmarking",
        " persian"
    ],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "54288ba29a9900753fa5522898c3808f7bce7205ac9205b44e40bc9c2396d3e6",
                "md5": "9e3a0d2f16a9d80cce27b89af87561ea",
                "sha256": "7c7ed9434ec77fb7ecc8db3315fc7427c8aa0730d07ea369f2939d8dcc1375ee"
            },
            "downloads": -1,
            "filename": "parsbench-0.1.7-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "9e3a0d2f16a9d80cce27b89af87561ea",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": "<3.12,>=3.10",
            "size": 71015,
            "upload_time": "2024-08-15T11:36:08",
            "upload_time_iso_8601": "2024-08-15T11:36:08.873180Z",
            "url": "https://files.pythonhosted.org/packages/54/28/8ba29a9900753fa5522898c3808f7bce7205ac9205b44e40bc9c2396d3e6/parsbench-0.1.7-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "a4ec9e95cf3bf244d08b761e081a1b89b6e8e1c9cdf6fb205a8ace5c59fe5cbf",
                "md5": "0b87152a576edc98bd119adf0ed66f70",
                "sha256": "ca4b335d40adfaa657384ee982484977919b8fc2ab8b66e378e85ab55063c22b"
            },
            "downloads": -1,
            "filename": "parsbench-0.1.7.tar.gz",
            "has_sig": false,
            "md5_digest": "0b87152a576edc98bd119adf0ed66f70",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": "<3.12,>=3.10",
            "size": 42786,
            "upload_time": "2024-08-15T11:36:10",
            "upload_time_iso_8601": "2024-08-15T11:36:10.733585Z",
            "url": "https://files.pythonhosted.org/packages/a4/ec/9e95cf3bf244d08b761e081a1b89b6e8e1c9cdf6fb205a8ace5c59fe5cbf/parsbench-0.1.7.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2024-08-15 11:36:10",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "ParsBench",
    "github_project": "ParsBench",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": false,
    "lcname": "parsbench"
}
        
Elapsed time: 4.42468s