73 datasets found
  1. h

    MATH-500-multilingual

    • huggingface.co
    Updated Feb 23, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    MATH-500-multilingual [Dataset]. https://huggingface.co/datasets/bezir/MATH-500-multilingual
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Feb 23, 2025
    Authors
    Abdullah Bezir
    Description

    MATH-500 Multilingual Problem Set 🌍➗

    A multilingual subset from OpenAI's MATH benchmark. Perfect for testing math skills across languages, this dataset includes same problems in English, French, Italian, Turkish and Spanish.

      🌐 Available Languages
    

    English 🇬🇧
    French 🇫🇷
    Italian 🇮🇹
    Turkish 🇹🇷 Spanish 🇪🇸

      📂 Source & Attribution
    

    Original Dataset: Sourced from HuggingFaceH4/MATH-500.

      🚀 Quick Start
    

    Load the dataset… See the full description on the dataset page: https://huggingface.co/datasets/bezir/MATH-500-multilingual.

  2. h

    MATH-500-SUMMARY

    • huggingface.co
    Updated Mar 23, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Alperen Gozeten (2025). MATH-500-SUMMARY [Dataset]. https://huggingface.co/datasets/alperengozeten/MATH-500-SUMMARY
    Explore at:
    Dataset updated
    Mar 23, 2025
    Authors
    Alperen Gozeten
    Description

    alperengozeten/MATH-500-SUMMARY dataset hosted on Hugging Face and contributed by the HF Datasets community

  3. P

    MATH Dataset

    • paperswithcode.com
    • opendatalab.com
    • +2more
    Updated Jan 10, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Dan Hendrycks; Collin Burns; Saurav Kadavath; Akul Arora; Steven Basart; Eric Tang; Dawn Song; Jacob Steinhardt (2025). MATH Dataset [Dataset]. https://paperswithcode.com/dataset/math
    Explore at:
    Dataset updated
    Jan 10, 2025
    Authors
    Dan Hendrycks; Collin Burns; Saurav Kadavath; Akul Arora; Steven Basart; Eric Tang; Dawn Song; Jacob Steinhardt
    Description

    MATH is a new dataset of 12,500 challenging competition mathematics problems. Each problem in MATH has a full step-by-step solution which can be used to teach models to generate answer derivations and explanations.

  4. AceMath-RewardBench

    • huggingface.co
    Updated Mar 18, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    NVIDIA (2025). AceMath-RewardBench [Dataset]. https://huggingface.co/datasets/nvidia/AceMath-RewardBench
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Mar 18, 2025
    Dataset provided by
    Nvidiahttp://nvidia.com/
    Authors
    NVIDIA
    License

    Attribution-NonCommercial 4.0 (CC BY-NC 4.0)https://creativecommons.org/licenses/by-nc/4.0/
    License information was derived automatically

    Description

    website | paper

      AceMath-RewardBench Evaluation Dataset Card
    

    The AceMath-RewardBench evaluation dataset evaluates capabilities of a math reward model using the best-of-N (N=8) setting for 7 datasets:

    GSM8K: 1319 questions Math500: 500 questions Minerva Math: 272 questions Gaokao 2023 en: 385 questions OlympiadBench: 675 questions College Math: 2818 questions MMLU STEM: 3018 questions

    Each example in the dataset contains:

    A mathematical question 64 solution attempts with varying… See the full description on the dataset page: https://huggingface.co/datasets/nvidia/AceMath-RewardBench.

  5. Major AI models, by math and computational reasoning

    • statista.com
    Updated Mar 15, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Statista (2025). Major AI models, by math and computational reasoning [Dataset]. https://www.statista.com/statistics/1600812/ai-math-benchmarking-ranking/
    Explore at:
    Dataset updated
    Mar 15, 2025
    Dataset authored and provided by
    Statistahttp://statista.com/
    Time period covered
    2025
    Area covered
    Worldwide
    Description

    In 2024, the artificial analysis math index ranked AI models based on their mathematical reasoning using benchmarks like AIME 2024 and Math-500. o1, QwQ-32B, and DeepSeek R1, led the rankings, showing the highest proficiency in mathematical problem solving.

  6. a

    Solar Mini Math 500 by Model on Upstage

    • artificialanalysis.ai
    Updated Dec 10, 2024
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Artificial Analysis (2024). Solar Mini Math 500 by Model on Upstage [Dataset]. https://artificialanalysis.ai/providers/upstage
    Explore at:
    Dataset updated
    Dec 10, 2024
    Dataset authored and provided by
    Artificial Analysis
    Description

    Comparison of by Model

  7. h

    NuminaMath-CoT-smp20k-removed-top500-by-logix-for-MATH-Correct-2k

    • huggingface.co
    Updated Mar 12, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    pxy (2025). NuminaMath-CoT-smp20k-removed-top500-by-logix-for-MATH-Correct-2k [Dataset]. https://huggingface.co/datasets/pxyyy/NuminaMath-CoT-smp20k-removed-top500-by-logix-for-MATH-Correct-2k
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Mar 12, 2025
    Authors
    pxy
    Description

    import numpy as np import torch from tqdm import tqdm from datasets import load_dataset, DatasetDict, Dataset import datasets

    def get_top_n_docs(scores, n): """Return top-n document indices for a query, ignoring negative scores.""" valid_docs = np.where(scores >= 0)[0] # Filter out negative scores sorted_indices = np.argsort(-scores[valid_docs]) # Descending order top_n_indices = valid_docs[sorted_indices][:n] # Take top n return set(top_n_indices)

    def… See the full description on the dataset page: https://huggingface.co/datasets/pxyyy/NuminaMath-CoT-smp20k-removed-top500-by-logix-for-MATH-Correct-2k.

  8. h

    MATH-500-Russian

    • huggingface.co
    Updated Jan 5, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    MATH-500-Russian [Dataset]. https://huggingface.co/datasets/evilfreelancer/MATH-500-Russian
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Dataset updated
    Jan 5, 2025
    Authors
    Pavel Zloi
    Description

    Карточка датасета MATH-500-Russian

    Перевод датасета HuggingFaceH4/MATH-500 на русский язык, был выполнен моделью qwen2.5:32b через скрипты EvilFreelancer/datasets-translator. Данный набор данных содержит подмножество из 500 задач из теста MATH, который OpenAI создал для статьи Let's Verify Step by Step и переведённых на русский язык. Подробности в их репозиторий на GitHub.

  9. a

    Math Index by QwQ Endpoint

    • artificialanalysis.ai
    Updated Mar 6, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Artificial Analysis (2025). Math Index by QwQ Endpoint [Dataset]. https://artificialanalysis.ai/models/qwq-32b
    Explore at:
    Dataset updated
    Mar 6, 2025
    Dataset authored and provided by
    Artificial Analysis
    Description

    Comparison of Represents the average of math benchmarks in the Artificial Analysis Intelligence Index (AIME 2024 & Math-500) by Model

  10. h

    MATH-500_n100_e200_oadam1e-05_b6_8_a0.01_MATH-500_s1

    • huggingface.co
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    MATH-500_n100_e200_oadam1e-05_b6_8_a0.01_MATH-500_s1 [Dataset]. https://huggingface.co/datasets/alucchi/MATH-500_n100_e200_oadam1e-05_b6_8_a0.01_MATH-500_s1
    Explore at:
    CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
    Authors
    Aurelien Lucchi
    Description

    alucchi/MATH-500_n100_e200_oadam1e-05_b6_8_a0.01_MATH-500_s1 dataset hosted on Hugging Face and contributed by the HF Datasets community

  11. h

    MATH-500_v0llama_star_iter4

    • huggingface.co
    Updated Mar 23, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Violet Xiang (2025). MATH-500_v0llama_star_iter4 [Dataset]. https://huggingface.co/datasets/violetxi/MATH-500_v0llama_star_iter4
    Explore at:
    Dataset updated
    Mar 23, 2025
    Authors
    Violet Xiang
    Description

    violetxi/MATH-500_v0llama_star_iter4 dataset hosted on Hugging Face and contributed by the HF Datasets community

  12. a

    Math Index by DeepSeek-V2-Chat Endpoint

    • artificialanalysis.ai
    Updated Feb 25, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Artificial Analysis (2025). Quality vs. Context Window by DeepSeek-V2-Chat Endpoint [Dataset]. https://artificialanalysis.ai/models/deepseek-v2
    Explore at:
    Dataset updated
    Feb 25, 2025
    Dataset authored and provided by
    Artificial Analysis
    Description

    Comparison of Represents the average of math benchmarks in the Artificial Analysis Intelligence Index (AIME 2024 & Math-500) by Model

  13. h

    MATH-500_Llama3b_GRPO

    • huggingface.co
    Updated Mar 23, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Violet Xiang (2025). MATH-500_Llama3b_GRPO [Dataset]. https://huggingface.co/datasets/violetxi/MATH-500_Llama3b_GRPO
    Explore at:
    Dataset updated
    Mar 23, 2025
    Authors
    Violet Xiang
    Description

    violetxi/MATH-500_Llama3b_GRPO dataset hosted on Hugging Face and contributed by the HF Datasets community

  14. a

    Math Index by Gemini Endpoint

    • artificialanalysis.ai
    Updated Feb 6, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Artificial Analysis (2025). Math Index by Gemini Endpoint [Dataset]. https://artificialanalysis.ai/models/gemini-2-0-flash
    Explore at:
    Dataset updated
    Feb 6, 2025
    Dataset authored and provided by
    Artificial Analysis
    Description

    Comparison of Represents the average of math benchmarks in the Artificial Analysis Intelligence Index (AIME 2024 & Math-500) by Model

  15. w

    500 US Dollar to Math-e-MATIC Historical Data

    • weex.com
    Updated Mar 27, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    WEEX (2025). 500 US Dollar to Math-e-MATIC Historical Data [Dataset]. https://www.weex.com/fr/tokens/math-e-matic/from-usd/500/
    Explore at:
    Dataset updated
    Mar 27, 2025
    Dataset authored and provided by
    WEEX
    License

    CC0 1.0 Universal Public Domain Dedicationhttps://creativecommons.org/publicdomain/zero/1.0/
    License information was derived automatically

    Description

    Historical price and volatility data for US Dollar in Math-e-MATIC across different time periods.

  16. f

    Comparison of experimental results in 500 dim.

    • plos.figshare.com
    xls
    Updated Jul 7, 2023
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Wei Liu; Jiayang Sun; Guangwei Liu; Saiou Fu; Mengyuan Liu; Yixin Zhu; Qi Gao (2023). Comparison of experimental results in 500 dim. [Dataset]. http://doi.org/10.1371/journal.pone.0288071.t004
    Explore at:
    xlsAvailable download formats
    Dataset updated
    Jul 7, 2023
    Dataset provided by
    PLOS ONE
    Authors
    Wei Liu; Jiayang Sun; Guangwei Liu; Saiou Fu; Mengyuan Liu; Yixin Zhu; Qi Gao
    License

    Attribution 4.0 (CC BY 4.0)https://creativecommons.org/licenses/by/4.0/
    License information was derived automatically

    Description

    Traditional neural networks used gradient descent methods to train the network structure, which cannot handle complex optimization problems. We proposed an improved grey wolf optimizer (SGWO) to explore a better network structure. GWO was improved by using circle population initialization, information interaction mechanism and adaptive position update to enhance the search performance of the algorithm. SGWO was applied to optimize Elman network structure, and a new prediction method (SGWO-Elman) was proposed. The convergence of SGWO was analyzed by mathematical theory, and the optimization ability of SGWO and the prediction performance of SGWO-Elman were examined using comparative experiments. The results show: (1) the global convergence probability of SGWO was 1, and its process was a finite homogeneous Markov chain with an absorption state; (2) SGWO not only has better optimization performance when solving complex functions of different dimensions, but also when applied to Elman for parameter optimization, SGWO can significantly optimize the network structure and SGWO-Elman has accurate prediction performance.

  17. a

    Math Index by Ministral Endpoint

    • artificialanalysis.ai
    Updated Feb 19, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Artificial Analysis (2025). Math Index by Ministral Endpoint [Dataset]. https://artificialanalysis.ai/models/ministral-3b
    Explore at:
    Dataset updated
    Feb 19, 2025
    Dataset authored and provided by
    Artificial Analysis
    Description

    Comparison of Represents the average of math benchmarks in the Artificial Analysis Intelligence Index (AIME 2024 & Math-500) by Model

  18. w

    500 Euro to Math-e-MATIC Historical Data

    • weex.com
    Updated Mar 26, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    WEEX (2025). 500 Euro to Math-e-MATIC Historical Data [Dataset]. https://www.weex.com/es/tokens/math-e-matic/from-eur/500/
    Explore at:
    Dataset updated
    Mar 26, 2025
    Dataset authored and provided by
    WEEX
    License

    CC0 1.0 Universal Public Domain Dedicationhttps://creativecommons.org/publicdomain/zero/1.0/
    License information was derived automatically

    Description

    Historical price and volatility data for Euro in Math-e-MATIC across different time periods.

  19. a

    Math Index by Qwen Endpoint

    • artificialanalysis.ai
    Updated Feb 19, 2025
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    Artificial Analysis (2025). Math Index by Qwen Endpoint [Dataset]. https://artificialanalysis.ai/models/qwen-turbo
    Explore at:
    Dataset updated
    Feb 19, 2025
    Dataset authored and provided by
    Artificial Analysis
    Description

    Comparison of Represents the average of math benchmarks in the Artificial Analysis Intelligence Index (AIME 2024 & Math-500) by Model

  20. w

    500 Russian Rubles to Math-e-MATIC Historical Data

    • weex.com
    Updated Mar 22, 2025
    + more versions
    Share
    FacebookFacebook
    TwitterTwitter
    Email
    Click to copy link
    Link copied
    Close
    Cite
    WEEX (2025). 500 Russian Rubles to Math-e-MATIC Historical Data [Dataset]. https://www.weex.com/es/tokens/math-e-matic/from-rub/500/
    Explore at:
    Dataset updated
    Mar 22, 2025
    Dataset authored and provided by
    WEEX
    License

    CC0 1.0 Universal Public Domain Dedicationhttps://creativecommons.org/publicdomain/zero/1.0/
    License information was derived automatically

    Description

    Historical price and volatility data for Russian Rubles in Math-e-MATIC across different time periods.

Share
FacebookFacebook
TwitterTwitter
Email
Click to copy link
Link copied
Close
Cite
MATH-500-multilingual [Dataset]. https://huggingface.co/datasets/bezir/MATH-500-multilingual

MATH-500-multilingual

MATH 500 Multilingual

bezir/MATH-500-multilingual

Explore at:
CroissantCroissant is a format for machine-learning datasets. Learn more about this at mlcommons.org/croissant.
Dataset updated
Feb 23, 2025
Authors
Abdullah Bezir
Description

MATH-500 Multilingual Problem Set 🌍➗

A multilingual subset from OpenAI's MATH benchmark. Perfect for testing math skills across languages, this dataset includes same problems in English, French, Italian, Turkish and Spanish.

  🌐 Available Languages

English 🇬🇧
French 🇫🇷
Italian 🇮🇹
Turkish 🇹🇷 Spanish 🇪🇸

  📂 Source & Attribution

Original Dataset: Sourced from HuggingFaceH4/MATH-500.

  🚀 Quick Start

Load the dataset… See the full description on the dataset page: https://huggingface.co/datasets/bezir/MATH-500-multilingual.

Search
Clear search
Close search
Google apps
Main menu