modelId
stringlengths
5
139
author
stringlengths
2
42
last_modified
timestamp[us, tz=UTC]date
2020-02-15 11:33:14
2025-06-22 00:45:16
downloads
int64
0
223M
likes
int64
0
11.7k
library_name
stringclasses
491 values
tags
sequencelengths
1
4.05k
pipeline_tag
stringclasses
54 values
createdAt
timestamp[us, tz=UTC]date
2022-03-02 23:29:04
2025-06-22 00:44:03
card
stringlengths
11
1.01M
jamesjunyuguo/llama-3-1-8b-math-orca-qlora-10k-ep1
jamesjunyuguo
2025-04-23T21:45:38Z
0
0
transformers
[ "transformers", "tensorboard", "safetensors", "generated_from_trainer", "trl", "sft", "endpoints_compatible", "region:us" ]
null
2025-02-28T05:13:23Z
--- base_model: Meta-Llama/Meta-Llama-3.1-8B library_name: transformers model_name: llama-3-1-8b-math-orca-qlora-10k-ep1 tags: - generated_from_trainer - trl - sft licence: license --- # Model Card for llama-3-1-8b-math-orca-qlora-10k-ep1 This model is a fine-tuned version of [Meta-Llama/Meta-Llama-3.1-8B](https://huggingface.co/Meta-Llama/Meta-Llama-3.1-8B). It has been trained using [TRL](https://github.com/huggingface/trl). ## Quick start ```python from transformers import pipeline question = "If you had a time machine, but could only go to the past or the future once and never return, which would you choose and why?" generator = pipeline("text-generation", model="jamesjunyuguo/llama-3-1-8b-math-orca-qlora-10k-ep1", device="cuda") output = generator([{"role": "user", "content": question}], max_new_tokens=128, return_full_text=False)[0] print(output["generated_text"]) ``` ## Training procedure This model was trained with SFT. ### Framework versions - TRL: 0.12.1 - Transformers: 4.46.3 - Pytorch: 2.4.1 - Datasets: 3.1.0 - Tokenizers: 0.20.3 ## Citations Cite TRL as: ```bibtex @misc{vonwerra2022trl, title = {{TRL: Transformer Reinforcement Learning}}, author = {Leandro von Werra and Younes Belkada and Lewis Tunstall and Edward Beeching and Tristan Thrush and Nathan Lambert and Shengyi Huang and Kashif Rasul and Quentin Gallouédec}, year = 2020, journal = {GitHub repository}, publisher = {GitHub}, howpublished = {\url{https://github.com/huggingface/trl}} } ```
Hartunka/bert_base_km_100_v2_qnli
Hartunka
2025-04-23T21:32:21Z
0
0
transformers
[ "transformers", "tensorboard", "safetensors", "distilbert", "text-classification", "generated_from_trainer", "en", "dataset:glue", "base_model:Hartunka/bert_base_km_100_v2", "base_model:finetune:Hartunka/bert_base_km_100_v2", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2025-04-23T21:11:13Z
--- library_name: transformers language: - en base_model: Hartunka/bert_base_km_100_v2 tags: - generated_from_trainer datasets: - glue metrics: - accuracy model-index: - name: bert_base_km_100_v2_qnli results: - task: name: Text Classification type: text-classification dataset: name: GLUE QNLI type: glue args: qnli metrics: - name: Accuracy type: accuracy value: 0.6415888705839282 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # bert_base_km_100_v2_qnli This model is a fine-tuned version of [Hartunka/bert_base_km_100_v2](https://huggingface.co/Hartunka/bert_base_km_100_v2) on the GLUE QNLI dataset. It achieves the following results on the evaluation set: - Loss: 0.6328 - Accuracy: 0.6416 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 256 - eval_batch_size: 256 - seed: 10 - optimizer: Use adamw_torch with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments - lr_scheduler_type: linear - num_epochs: 50 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | 0.6676 | 1.0 | 410 | 0.6437 | 0.6224 | | 0.6285 | 2.0 | 820 | 0.6328 | 0.6416 | | 0.5647 | 3.0 | 1230 | 0.6712 | 0.6266 | | 0.4538 | 4.0 | 1640 | 0.7107 | 0.6374 | | 0.3318 | 5.0 | 2050 | 0.8167 | 0.6385 | | 0.2309 | 6.0 | 2460 | 0.9983 | 0.6308 | | 0.1638 | 7.0 | 2870 | 1.1963 | 0.6284 | ### Framework versions - Transformers 4.50.2 - Pytorch 2.2.1+cu121 - Datasets 2.18.0 - Tokenizers 0.21.1
ajtorek/electra-num_experts-8-top_k-2-capacity_factor-1.0
ajtorek
2025-04-23T20:27:38Z
24
0
transformers
[ "transformers", "safetensors", "electra", "fill-mask", "arxiv:1910.09700", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2025-04-15T23:17:58Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
Zack-Z/llama31_8bi_CoTsft_rs0_0_5cut_gem3_e2
Zack-Z
2025-04-23T20:24:22Z
8
0
transformers
[ "transformers", "safetensors", "llama", "text-generation", "text-generation-inference", "unsloth", "trl", "sft", "conversational", "en", "base_model:unsloth/Meta-Llama-3.1-8B-Instruct", "base_model:finetune:unsloth/Meta-Llama-3.1-8B-Instruct", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-generation
2025-03-30T21:52:04Z
--- base_model: unsloth/Meta-Llama-3.1-8B-Instruct tags: - text-generation-inference - transformers - unsloth - llama - trl - sft license: apache-2.0 language: - en --- # Uploaded model - **Developed by:** Zack-Z - **License:** apache-2.0 - **Finetuned from model :** unsloth/Meta-Llama-3.1-8B-Instruct This llama model was trained 2x faster with [Unsloth](https://github.com/unslothai/unsloth) and Huggingface's TRL library. [<img src="https://raw.githubusercontent.com/unslothai/unsloth/main/images/unsloth%20made%20with%20love.png" width="200"/>](https://github.com/unslothai/unsloth)
gokuii/gokui
gokuii
2025-04-23T19:53:17Z
0
0
null
[ "license:apache-2.0", "region:us" ]
null
2025-04-23T19:53:17Z
--- license: apache-2.0 ---
Eehan/Pythia-1b-deduped-tldr-dm-temp-0.75-beta-0.05
Eehan
2025-04-23T17:53:06Z
0
0
transformers
[ "transformers", "safetensors", "gpt_neox", "text-generation", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-04-23T17:50:54Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
w3en2g/sc_Q_7B_ckpt2250
w3en2g
2025-04-23T17:39:13Z
0
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "conversational", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-04-23T17:31:30Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
MUFerrara/Whisper_ATC_FT02_adapter
MUFerrara
2025-04-23T17:23:58Z
0
0
transformers
[ "transformers", "safetensors", "arxiv:1910.09700", "endpoints_compatible", "region:us" ]
null
2025-04-23T17:23:55Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
Shahab001/Ahmed
Shahab001
2025-04-23T15:58:01Z
0
0
null
[ "license:apache-2.0", "region:us" ]
null
2025-04-23T15:58:01Z
--- license: apache-2.0 ---
diffusion-cot/Image-Verifier
diffusion-cot
2025-04-23T15:49:17Z
0
0
null
[ "safetensors", "arxiv:2504.16080", "region:us" ]
null
2025-04-16T11:57:53Z
This model was fine-tuned on Qwen to verify generated images as a part of the test-time scaling framework introduced in [From Reflection to Perfection: Scaling Inference-Time Optimization for Text-to-Image Diffusion Models via Reflection Tuning](https://huggingface.co/papers/2504.16080). To know more about the details and how it should be used, please check out the paper and the [code repository](https://github.com/Diffusion-CoT/ReflectionFlow).
IYASI/YASI
IYASI
2025-04-23T15:39:35Z
0
0
null
[ "license:apache-2.0", "region:us" ]
null
2025-04-23T15:39:35Z
--- license: apache-2.0 ---
duexmachina/VenusAi
duexmachina
2025-04-23T14:51:16Z
0
0
null
[ "license:apache-2.0", "region:us" ]
null
2025-04-23T14:51:16Z
--- license: apache-2.0 ---
OpenLLM-Ro/RoLlama3-8b-Instruct-DPO
OpenLLM-Ro
2025-04-23T14:15:15Z
9
1
null
[ "safetensors", "llama", "ro", "dataset:OpenLLM-Ro/ro_dpo_helpsteer", "dataset:OpenLLM-Ro/ro_dpo_ultrafeedback", "dataset:OpenLLM-Ro/ro_dpo_magpie", "dataset:OpenLLM-Ro/ro_dpo_argilla_magpie", "dataset:OpenLLM-Ro/ro_dpo_helpsteer2", "arxiv:2406.18266", "base_model:OpenLLM-Ro/RoLlama3-8b-Instruct-2025-04-23", "base_model:finetune:OpenLLM-Ro/RoLlama3-8b-Instruct-2025-04-23", "license:cc-by-nc-4.0", "model-index", "region:us" ]
null
2024-10-09T20:34:17Z
--- license: cc-by-nc-4.0 language: - ro base_model: - OpenLLM-Ro/RoLlama3-8b-Instruct-2025-04-23 datasets: - OpenLLM-Ro/ro_dpo_helpsteer - OpenLLM-Ro/ro_dpo_ultrafeedback - OpenLLM-Ro/ro_dpo_magpie - OpenLLM-Ro/ro_dpo_argilla_magpie - OpenLLM-Ro/ro_dpo_helpsteer2 model-index: - name: OpenLLM-Ro/RoLlama3-8b-Instruct-DPO-2025-04-23 results: - task: type: text-generation dataset: name: RoMT-Bench type: RoMT-Bench metrics: - name: Score type: Score value: 6.67 - task: type: text-generation dataset: name: RoCulturaBench type: RoCulturaBench metrics: - name: Score type: Score value: 4.83 - task: type: text-generation dataset: name: Romanian_Academic_Benchmarks type: Romanian_Academic_Benchmarks metrics: - name: Average accuracy type: accuracy value: 55.86 - task: type: text-generation dataset: name: OpenLLM-Ro/ro_arc_challenge type: OpenLLM-Ro/ro_arc_challenge metrics: - name: Average accuracy type: accuracy value: 52.26 - task: type: text-generation dataset: name: OpenLLM-Ro/ro_mmlu type: OpenLLM-Ro/ro_mmlu metrics: - name: Average accuracy type: accuracy value: 55.35 - task: type: text-generation dataset: name: OpenLLM-Ro/ro_winogrande type: OpenLLM-Ro/ro_winogrande metrics: - name: Average accuracy type: accuracy value: 66.62 - task: type: text-generation dataset: name: OpenLLM-Ro/ro_hellaswag type: OpenLLM-Ro/ro_hellaswag metrics: - name: Average accuracy type: accuracy value: 59.93 - task: type: text-generation dataset: name: OpenLLM-Ro/ro_gsm8k type: OpenLLM-Ro/ro_gsm8k metrics: - name: Average accuracy type: accuracy value: 43.95 - task: type: text-generation dataset: name: OpenLLM-Ro/ro_truthfulqa type: OpenLLM-Ro/ro_truthfulqa metrics: - name: Average accuracy type: accuracy value: 57.06 - task: type: text-generation dataset: name: LaRoSeDa_binary type: LaRoSeDa_binary metrics: - name: Average macro-f1 type: macro-f1 value: 97.60 - task: type: text-generation dataset: name: LaRoSeDa_multiclass type: LaRoSeDa_multiclass metrics: - name: Average macro-f1 type: macro-f1 value: 62.16 - task: type: text-generation dataset: name: WMT_EN-RO type: WMT_EN-RO metrics: - name: Average bleu type: bleu value: 18.14 - task: type: text-generation dataset: name: WMT_RO-EN type: WMT_RO-EN metrics: - name: Average bleu type: bleu value: 14.13 - task: type: text-generation dataset: name: XQuAD type: XQuAD metrics: - name: Average exact_match type: exact_match value: 30.65 - task: type: text-generation dataset: name: XQuAD type: XQuAD metrics: - name: Average f1 type: f1 value: 46.29 - task: type: text-generation dataset: name: STS type: STS metrics: - name: Average spearman type: spearman value: 67.62 - task: type: text-generation dataset: name: STS type: STS metrics: - name: Average pearson type: pearson value: 67.82 - task: type: text-generation dataset: name: RoMT-Bench type: RoMT-Bench metrics: - name: First turn type: Score value: 6.81 - name: Second turn type: Score value: 6.54 - task: type: text-generation dataset: name: OpenLLM-Ro/ro_arc_challenge type: OpenLLM-Ro/ro_arc_challenge metrics: - name: 0-shot type: accuracy value: 48.76 - name: 1-shot type: accuracy value: 49.70 - name: 3-shot type: accuracy value: 52.70 - name: 5-shot type: accuracy value: 54.07 - name: 10-shot type: accuracy value: 53.90 - name: 25-shot type: accuracy value: 54.41 - task: type: text-generation dataset: name: OpenLLM-Ro/ro_mmlu type: OpenLLM-Ro/ro_mmlu metrics: - name: 0-shot type: accuracy value: 55.78 - name: 1-shot type: accuracy value: 55.09 - name: 3-shot type: accuracy value: 55.39 - name: 5-shot type: accuracy value: 55.15 - task: type: text-generation dataset: name: OpenLLM-Ro/ro_winogrande type: OpenLLM-Ro/ro_winogrande metrics: - name: 0-shot type: accuracy value: 65.19 - name: 1-shot type: accuracy value: 64.25 - name: 3-shot type: accuracy value: 68.59 - name: 5-shot type: accuracy value: 68.43 - task: type: text-generation dataset: name: OpenLLM-Ro/ro_hellaswag type: OpenLLM-Ro/ro_hellaswag metrics: - name: 0-shot type: accuracy value: 60.31 - name: 1-shot type: accuracy value: 59.88 - name: 3-shot type: accuracy value: 59.17 - name: 5-shot type: accuracy value: 59.89 - name: 10-shot type: accuracy value: 60.40 - task: type: text-generation dataset: name: OpenLLM-Ro/ro_gsm8k type: OpenLLM-Ro/ro_gsm8k metrics: - name: 1-shot type: accuracy value: 32.37 - name: 3-shot type: accuracy value: 46.70 - name: 5-shot type: accuracy value: 52.77 - task: type: text-generation dataset: name: LaRoSeDa_binary type: LaRoSeDa_binary metrics: - name: 0-shot type: macro-f1 value: 95.79 - name: 1-shot type: macro-f1 value: 97.87 - name: 3-shot type: macro-f1 value: 98.30 - name: 5-shot type: macro-f1 value: 98.43 - task: type: text-generation dataset: name: LaRoSeDa_multiclass type: LaRoSeDa_multiclass metrics: - name: 0-shot type: macro-f1 value: 64.86 - name: 1-shot type: macro-f1 value: 64.46 - name: 3-shot type: macro-f1 value: 58.36 - name: 5-shot type: macro-f1 value: 60.97 - task: type: text-generation dataset: name: WMT_EN-RO type: WMT_EN-RO metrics: - name: 0-shot type: bleu value: 5.57 - name: 1-shot type: bleu value: 26.05 - name: 3-shot type: bleu value: 24.71 - name: 5-shot type: bleu value: 16.22 - task: type: text-generation dataset: name: WMT_RO-EN type: WMT_RO-EN metrics: - name: 0-shot type: bleu value: 3.01 - name: 1-shot type: bleu value: 22.63 - name: 3-shot type: bleu value: 19.43 - name: 5-shot type: bleu value: 11.47 - task: type: text-generation dataset: name: XQuAD_EM type: XQuAD_EM metrics: - name: 0-shot type: exact_match value: 16.55 - name: 1-shot type: exact_match value: 31.76 - name: 3-shot type: exact_match value: 35.97 - name: 5-shot type: exact_match value: 38.32 - task: type: text-generation dataset: name: XQuAD_F1 type: XQuAD_F1 metrics: - name: 0-shot type: f1 value: 33.31 - name: 1-shot type: f1 value: 46.85 - name: 3-shot type: f1 value: 50.73 - name: 5-shot type: f1 value: 54.29 - task: type: text-generation dataset: name: STS_Spearman type: STS_Spearman metrics: - name: 1-shot type: spearman value: 66.56 - name: 3-shot type: spearman value: 58.64 - name: 5-shot type: spearman value: 77.66 - task: type: text-generation dataset: name: STS_Pearson type: STS_Pearson metrics: - name: 1-shot type: pearson value: 70.09 - name: 3-shot type: pearson value: 56.39 - name: 5-shot type: pearson value: 76.97 --- # Model Card for Model ID *Built with Meta Llama 3* This model points/is identical to [RoLlama3-8b-Instruct-DPO-2025-04-23](https://huggingface.co/OpenLLM-Ro/RoLlama3-8b-Instruct-DPO-2025-04-23). RoLlama3 is a family of pretrained and fine-tuned generative text models for Romanian. This is the repository for the **human aligned instruct 8B model**. Links to other models can be found at the bottom of this page. ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> OpenLLM represents the first open-source effort to build a LLM specialized for Romanian. OpenLLM-Ro developed and publicly releases a collection of Romanian LLMs, both in the form of foundational model and instruct and chat variants. - **Developed by:** OpenLLM-Ro <!-- - **Funded by [optional]:** [More Information Needed] --> <!-- - **Shared by [optional]:** [More Information Needed] --> <!-- - **Model type:** [More Information Needed] --> - **Language(s):** Romanian - **License:** cc-by-nc-4.0 - **Finetuned from model:** [RoLlama3-8b-Instruct-2025-04-23](https://huggingface.co/OpenLLM-Ro/RoLlama3-8b-Instruct-2025-04-23) - **Trained using:** [RoHelpSteer](https://huggingface.co/datasets/OpenLLM-Ro/ro_dpo_helpsteer), [RoUltraFeedback](https://huggingface.co/datasets/OpenLLM-Ro/ro_dpo_ultrafeedback), [RoMagpieDPO](https://huggingface.co/datasets/OpenLLM-Ro/ro_dpo_magpie), [RoArgillaMagpie](https://huggingface.co/datasets/OpenLLM-Ro/ro_dpo_argilla_magpie), [RoHelpSteer2](https://huggingface.co/datasets/OpenLLM-Ro/ro_dpo_helpsteer2) ### Model Sources <!-- Provide the basic links for the model. --> - **Repository:** https://github.com/OpenLLM-Ro/LLaMA-Factory - **Paper:** https://arxiv.org/abs/2406.18266 ## Intended Use ### Intended Use Cases RoLlama3 is intented for research use in Romanian. Base models can be adapted for a variety of natural language tasks while instruction and chat tuned models are intended for assistant-like chat. ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> Use in any manner that violates the license, any applicable laws or regluations, use in languages other than Romanian. ## How to Get Started with the Model Use the code below to get started with the model. ```python from transformers import AutoTokenizer, AutoModelForCausalLM tokenizer = AutoTokenizer.from_pretrained("OpenLLM-Ro/RoLlama3-8b-Instruct-DPO") model = AutoModelForCausalLM.from_pretrained("OpenLLM-Ro/RoLlama3-8b-Instruct-DPO") instruction = "Care este cel mai înalt vârf muntos din România?" chat = [ {"role": "system", "content": "Ești un asistent folositor, respectuos și onest. Încearcă să ajuți cât mai mult prin informațiile oferite, excluzând răspunsuri toxice, rasiste, sexiste, periculoase și ilegale."}, {"role": "user", "content": instruction}, ] prompt = tokenizer.apply_chat_template(chat, tokenize=False) inputs = tokenizer.encode(prompt, add_special_tokens=False, return_tensors="pt") outputs = model.generate(input_ids=inputs, max_new_tokens=128) print(tokenizer.decode(outputs[0])) ``` ## Academic Benchmarks <table> <tbody> <tr> <td><strong>Model</strong></td> <td><strong><center>Average</center></strong></td> <td><strong><center>ARC</center></strong></td> <td><strong><center>MMLU</center></strong></td> <td><strong><center>Winogrande</center></strong></td> <td><strong><center>Hellaswag</center></strong></td> <td><strong><center>GSM8k</center></strong></td> <td><strong><center>TruthfulQA</center></strong></td> </tr> <tr> <td>Llama-3-8B-Instruct</td><td><center>50.62</center></td><td><center>43.69</center></td><td><center>52.04</center></td><td><center>59.33</center></td><td><center>53.19</center></td><td><center>43.87</center></td><td><center>51.59</center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2024-06-28</td><td><center>50.56</center></td><td><center>44.70</center></td><td><center>52.19</center></td><td><center><strong>67.23</strong></center></td><td><center>57.69</center></td><td><center>30.23</center></td><td><center>51.34</center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2024-10-09</td><td><center>52.21</center></td><td><center>47.94</center></td><td><center>53.50</center></td><td><center>66.06</center></td><td><center>59.72</center></td><td><center>40.16</center></td><td><center>45.90</center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2025-04-23</td><td><center>54.66</center></td><td><center>50.31</center></td><td><center><strong>55.91</strong></center></td><td><center>67.01</center></td><td><center><strong>61.73</strong></center></td><td><center><strong>47.41</strong></center></td><td><center>45.61</center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-DPO-2024-10-09</td><td><center>49.96</center></td><td><center>46.29</center></td><td><center>53.29</center></td><td><center>65.57</center></td><td><center>58.15</center></td><td><center>34.77</center></td><td><center>41.70</center></td> </tr> <tr> <td><em>RoLlama3-8b-Instruct-DPO-2025-04-23</em></td><td><center><em><strong>55.86</strong></em></center></td><td><center><em><strong>52.26</strong></em></center></td><td><center><em>55.35</em></center></td><td><center><em>66.62</em></center></td><td><center><em>59.93</em></center></td><td><center><em>43.95</em></center></td><td><center><em><strong>57.06</strong></em></center></td> </tr> </tbody> </table> ## Downstream tasks <table> <tbody> <tr> <td></td> <td colspan="4"><center><strong>LaRoSeDa</strong></center></td> <td colspan="4"><center><strong>WMT</strong></center></td> </tr> <tr> <td></td> <td colspan="2"><center><strong>Few-shot</strong></center></td> <td colspan="2"><center><strong>Finetuned</strong></center></td> <td colspan="2"><center><strong>Few-shot</strong></center></td> <td colspan="2"><center><strong>Finetuned</strong></center></td> </tr> <tr> <td><strong>Model</strong></td> <td><center><strong>Binary<br>(Macro F1)</strong></center></td> <td><center><strong>Multiclass<br>(Macro F1)</strong></center></td> <td><center><strong>Binary<br>(Macro F1)</strong></center></td> <td><center><strong>Multiclass<br>(Macro F1)</strong></center></td> <td><center><strong>EN-RO<br>(Bleu)</strong></center></td> <td><center><strong>RO-EN<br>(Bleu)</strong></center></td> <td><center><strong>EN-RO<br>(Bleu)</strong></center></td> <td><center><strong>RO-EN<br>(Bleu)</strong></center> </tr> <tr> <td>Llama-3-8B-Instruct</td><td><center>95.88</center></td><td><center>56.21</center></td><td><center><strong>98.53</strong></center></td><td><center>86.19</center></td><td><center>18.88</center></td><td><center><strong>30.98</strong></center></td><td><center><strong>28.02</strong></center></td><td><center>40.28</center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2024-06-28</td><td><center>97.52</center></td><td><center><strong>67.41</strong></center></td><td><center>94.15</center></td><td><center>87.13</center></td><td><center><strong>24.01</strong></center></td><td><center>27.36</center></td><td><center>26.53</center></td><td><center>40.36</center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2024-10-09</td><td><center>95.58</center></td><td><center>61.20</center></td><td><center>96.46</center></td><td><center><strong>87.26</strong></center></td><td><center>22.92</center></td><td><center>24.28</center></td><td><center>27.31</center></td><td><center><strong>40.52</strong></center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2025-04-23</td><td><center>96.21</center></td><td><center>59.15</center></td><td><center>-</center></td><td><center>-</center></td><td><center>23.32</center></td><td><center>22.50</center></td><td><center>-</center></td><td><center>-</center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-DPO-2024-10-09</td><td><center>97.48</center></td><td><center>54.00</center></td><td><center>-</center></td><td><center>-</center></td><td><center>22.09</center></td><td><center>23.00</center></td><td><center>-</center></td><td><center>-</center></td> </tr> <tr> <td><em>RoLlama3-8b-Instruct-DPO-2025-04-23</em></td><td><center><em><strong>97.60</strong></em></center></td><td><center><em>62.16</em></center></td><td><center><em>-</em></center></td><td><center><em>-</em></center></td><td><center><em>18.14</em></center></td><td><center><em>14.13</em></center></td><td><center><em>-</em></center></td><td><center><em>-</em></center></td> </tr> </tbody> </table> <table> <tbody> <tr> <td></td> <td colspan="4"><center><strong>XQuAD</strong></center></td> <td colspan="4"><center><strong>STS</strong></center></td> </tr> <tr> <td></td> <td colspan="2"><center><strong>Few-shot</strong></center></td> <td colspan="2"><center><strong>Finetuned</strong></center></td> <td colspan="2"><center><strong>Few-shot</strong></center></td> <td colspan="2"><center><strong>Finetuned</strong></center></td> </tr> <tr> <td><strong>Model</strong></td> <td><center><strong>(EM)</strong></center></td> <td><center><strong>(F1)</strong></center></td> <td><center><strong>(EM)</strong></center></td> <td><center><strong>(F1)</strong></center></td> <td><center><strong>(Spearman)</strong></center></td> <td><center><strong>(Pearson)</strong></center></td> <td><center><strong>(Spearman)</strong></center></td> <td><center><strong>(Pearson)</strong></center></td> </tr> <tr> <td>Llama-3-8B-Instruct</td><td><center><strong>39.47</strong></center></td><td><center>58.67</center></td><td><center><strong>67.65</strong></center></td><td><center><strong>82.77</strong></center></td><td><center>73.04</center></td><td><center>72.36</center></td><td><center>83.49</center></td><td><center>84.06</center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2024-06-28</td><td><center>39.43</center></td><td><center><strong>59.50</strong></center></td><td><center>44.45</center></td><td><center>59.76</center></td><td><center>77.20</center></td><td><center>77.87</center></td><td><center>85.80</center></td><td><center>86.05</center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2024-10-09</td><td><center>18.89</center></td><td><center>31.79</center></td><td><center>50.84</center></td><td><center>65.18</center></td><td><center>77.60</center></td><td><center>76.86</center></td><td><center><strong>86.70</strong></center></td><td><center><strong>87.09</strong></center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2025-04-23</td><td><center>11.01</center></td><td><center>23.55</center></td><td><center>-</center></td><td><center>-</center></td><td><center>76.78</center></td><td><center>74.36</center></td><td><center>-</center></td><td><center>-</center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-DPO-2024-10-09</td><td><center>26.05</center></td><td><center>42.77</center></td><td><center>-</center></td><td><center>-</center></td><td><center><strong>79.64</strong></center></td><td><center><strong>79.52</strong></center></td><td><center>-</center></td><td><center>-</center></td> </tr> <tr> <td><em>RoLlama3-8b-Instruct-DPO-2025-04-23</em></td><td><center><em>30.65</em></center></td><td><center><em>46.29</em></center></td><td><center><em>-</em></center></td><td><center><em>-</em></center></td><td><center><em>67.62</em></center></td><td><center><em>67.82</em></center></td><td><center><em>-</em></center></td><td><center><em>-</em></center></td> </tr> </tbody> </table> ## Romanian MT-Bench <table> <tbody> <tr> <td><strong>Model</strong></td> <td><strong><center>Average</center></strong></td> <td><strong><center>1st turn</center></strong></td> <td><strong><center>2nd turn</center></strong></td> <td><strong><center>Answers in Ro</center></strong></td> </tr> <tr> <td>Llama-3-8B-Instruct</td><td><center>5.96</center></td><td><center>6.16</center></td><td><center>5.76</center></td><td><center>158/160</center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2024-06-28</td><td><center>5.15</center></td><td><center>6.03</center></td><td><center>4.28</center></td><td><center><strong>160/160</strong></center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2024-10-09</td><td><center>5.38</center></td><td><center>6.09</center></td><td><center>4.67</center></td><td><center><strong>160/160</strong></center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2025-04-23</td><td><center>6.39</center></td><td><center><strong>7.12</strong></center></td><td><center>5.66</center></td><td><center><strong>160/160</strong></center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-DPO-2024-10-09</td><td><center>5.87</center></td><td><center>6.22</center></td><td><center>5.49</center></td><td><center><strong>160/160</strong></center></td> </tr> <tr> <td><em>RoLlama3-8b-Instruct-DPO-2025-04-23</em></td><td><center><em><strong>6.67</strong></em></center></td><td><center><em>6.81</em></center></td><td><center><em><strong>6.54</strong></em></center></td><td><center><em><strong>160/160</strong></em></center></td> </tr> </tbody> </table> ## RoCulturaBench <table> <tbody> <tr> <td><strong>Model</strong></td> <td><strong><center>Average</center></strong></td> <td><strong><center>Answers in Ro</center></strong></td> </tr> <tr> <td>Llama-3-8B-Instruct</td><td><center>4.62</center></td><td><center><strong>100/100</strong></center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2024-06-28</td><td><center>3.71</center></td><td><center><strong>100/100</strong></center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2024-10-09</td><td><center>3.81</center></td><td><center><strong>100/100</strong></center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-2025-04-23</td><td><center>4.05</center></td><td><center><strong>100/100</strong></center></td> </tr> <tr> <td>RoLlama3-8b-Instruct-DPO-2024-10-09</td><td><center>4.40</center></td><td><center><strong>100/100</strong></center></td> </tr> <tr> <td><em>RoLlama3-8b-Instruct-DPO-2025-04-23</em></td><td><center><em><strong>4.83</strong></em></center></td><td><center><em><strong>100/100</strong></em></center></td> </tr> </tbody> </table> ## RoLlama3 Model Family | Model | Link | |--------------------|:--------:| |RoLlama3-8b-Base-2024-05-14 | [link](https://huggingface.co/OpenLLM-Ro/RoLlam32-8b-Base-2024-05-14) | |RoLlama3-8b-Instruct-2024-05-14 | [link](https://huggingface.co/OpenLLM-Ro/RoLlama3-8b-Instruct-2024-05-14) | |RoLlama3-8b-Instruct-2024-10-09| [link](https://huggingface.co/OpenLLM-Ro/RoLlama3-8b-Instruct-2024-10-09) | |RoLlama3-8b-Instruct-2025-04-23| [link](https://huggingface.co/OpenLLM-Ro/RoLlama3-8b-Instruct-2025-04-23) | |RoLlama3-8b-Instruct-DPO-2024-10-09| [link](https://huggingface.co/OpenLLM-Ro/RoLlama3-8b-Instruct-DPO-2024-10-09) | |*RoLlama3-8b-Instruct-DPO-2025-04-23*| [link](https://huggingface.co/OpenLLM-Ro/RoLlama3-8b-Instruct-DPO-2025-04-23) | ## Citation ``` @misc{masala2024vorbecstiromanecsterecipetrain, title={"Vorbe\c{s}ti Rom\^ane\c{s}te?" A Recipe to Train Powerful Romanian LLMs with English Instructions}, author={Mihai Masala and Denis C. Ilie-Ablachim and Alexandru Dima and Dragos Corlatescu and Miruna Zavelca and Ovio Olaru and Simina Terian-Dan and Andrei Terian-Dan and Marius Leordeanu and Horia Velicu and Marius Popescu and Mihai Dascalu and Traian Rebedea}, year={2024}, eprint={2406.18266}, archivePrefix={arXiv}, primaryClass={cs.CL}, url={https://arxiv.org/abs/2406.18266}, } ``` <!-- **APA:** [More Information Needed] -->
Noanihio/llama-darja-token_10ep
Noanihio
2025-04-23T13:26:06Z
0
0
transformers
[ "transformers", "safetensors", "arxiv:1910.09700", "endpoints_compatible", "region:us" ]
null
2025-04-22T11:46:03Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
Sophie-Rain-Sophie-Rain-Spiderman-Video-9/Sophie.Rain.SpiderMan.Video.Official.Leaks
Sophie-Rain-Sophie-Rain-Spiderman-Video-9
2025-04-23T13:15:25Z
0
0
null
[ "region:us" ]
null
2025-04-23T13:15:12Z
<a href="https://tv2online.com/Leaked/?v=Sophie+Rain+Spiderman" rel="nofollow">►►✅ 𝘾𝙇𝙄𝘾𝙆 𝙃𝙀𝙍𝙀 ==►► 𝙁𝙪𝙡𝙡 𝙑𝙞𝙙𝙚𝙤️​</a></p> <a href="https://tv2online.com/Leaked/?v=Sophie+Rain+Spiderman" rel="nofollow">🔴►𝐂𝐋𝐈𝐂𝐊 𝐇𝐄𝐑𝐄 🌐==►► 𝐃𝐨𝐰𝐧𝐥𝐨𝐚𝐝 𝐍𝐨𝐰⬇️⬇️​</a></p> <p><a rel="nofollow" title="WATCH NOW" href="https://tv2online.com/Leaked/?v=Sophie+Rain+Spiderman"><img border="Sophie+Rain+Spidermanno" height="480" width="720" title="WATCH NOW" alt="WATCH NOW" src="https://i.ibb.co.com/xMMVF88/686577567.gif"></a></p> 03 seconds ago L𝚎aked Video Sophie Rain Spiderman Video Tutorial Original Video Viral Video L𝚎aked on X Twitter Telegram L𝚎aked Video Sophie Rain Spiderman Video Tutorial Original Video Viral Video L𝚎aked on X Twitter Sophie Rain Spiderman Video Tutorial Original Video video oficial twitter L𝚎aked Video Sophie Rain Spiderman Video Tutorial Original Video Viral Video L𝚎aked on X Twitter . . . . . . . . . L𝚎aked Video Sophie Rain Spiderman Video Tutorial Original Video Viral Video L𝚎aked on X Twitter Telegram L𝚎aked Video Sophie Rain Spiderman Video Tutorial Original Video Viral Video L𝚎aked on X Twitter Sophie Rain Spiderman Video Tutorial Original Video video oficial twitter
mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF
mradermacher
2025-04-23T12:59:18Z
13
0
transformers
[ "transformers", "gguf", "mergekit", "merge", "en", "base_model:Darkhn/Negative-Unhinged-Base-V1-Llama-3.3-70B", "base_model:quantized:Darkhn/Negative-Unhinged-Base-V1-Llama-3.3-70B", "endpoints_compatible", "region:us", "imatrix", "conversational" ]
null
2025-04-22T16:45:14Z
--- base_model: Darkhn/Negative-Unhinged-Base-V1-Llama-3.3-70B language: - en library_name: transformers quantized_by: mradermacher tags: - mergekit - merge --- ## About <!-- ### quantize_version: 2 --> <!-- ### output_tensor_quantised: 1 --> <!-- ### convert_type: hf --> <!-- ### vocab_type: --> <!-- ### tags: nicoboss --> weighted/imatrix quants of https://huggingface.co/Darkhn/Negative-Unhinged-Base-V1-Llama-3.3-70B <!-- provided-files --> static quants are available at https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-GGUF ## Usage If you are unsure how to use GGUF files, refer to one of [TheBloke's READMEs](https://huggingface.co/TheBloke/KafkaLM-70B-German-V0.1-GGUF) for more details, including on how to concatenate multi-part files. ## Provided Quants (sorted by size, not necessarily quality. IQ-quants are often preferable over similar sized non-IQ quants) | Link | Type | Size/GB | Notes | |:-----|:-----|--------:|:------| | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-IQ1_S.gguf) | i1-IQ1_S | 15.4 | for the desperate | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-IQ1_M.gguf) | i1-IQ1_M | 16.9 | mostly desperate | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-IQ2_XXS.gguf) | i1-IQ2_XXS | 19.2 | | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-IQ2_XS.gguf) | i1-IQ2_XS | 21.2 | | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-IQ2_S.gguf) | i1-IQ2_S | 22.3 | | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-IQ2_M.gguf) | i1-IQ2_M | 24.2 | | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q2_K_S.gguf) | i1-Q2_K_S | 24.6 | very low quality | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q2_K.gguf) | i1-Q2_K | 26.5 | IQ3_XXS probably better | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-IQ3_XXS.gguf) | i1-IQ3_XXS | 27.6 | lower quality | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-IQ3_XS.gguf) | i1-IQ3_XS | 29.4 | | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-IQ3_S.gguf) | i1-IQ3_S | 31.0 | beats Q3_K* | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q3_K_S.gguf) | i1-Q3_K_S | 31.0 | IQ3_XS probably better | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-IQ3_M.gguf) | i1-IQ3_M | 32.0 | | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q3_K_M.gguf) | i1-Q3_K_M | 34.4 | IQ3_S probably better | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q3_K_L.gguf) | i1-Q3_K_L | 37.2 | IQ3_M probably better | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-IQ4_XS.gguf) | i1-IQ4_XS | 38.0 | | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q4_0.gguf) | i1-Q4_0 | 40.2 | fast, low quality | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q4_K_S.gguf) | i1-Q4_K_S | 40.4 | optimal size/speed/quality | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q4_K_M.gguf) | i1-Q4_K_M | 42.6 | fast, recommended | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q4_1.gguf) | i1-Q4_1 | 44.4 | | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q5_K_S.gguf) | i1-Q5_K_S | 48.8 | | | [GGUF](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q5_K_M.gguf) | i1-Q5_K_M | 50.0 | | | [PART 1](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q6_K.gguf.part1of2) [PART 2](https://huggingface.co/mradermacher/Negative-Unhinged-Base-V1-Llama-3.3-70B-i1-GGUF/resolve/main/Negative-Unhinged-Base-V1-Llama-3.3-70B.i1-Q6_K.gguf.part2of2) | i1-Q6_K | 58.0 | practically like static Q6_K | Here is a handy graph by ikawrakow comparing some lower-quality quant types (lower is better): ![image.png](https://www.nethype.de/huggingface_embed/quantpplgraph.png) And here are Artefact2's thoughts on the matter: https://gist.github.com/Artefact2/b5f810600771265fc1e39442288e8ec9 ## FAQ / Model Request See https://huggingface.co/mradermacher/model_requests for some answers to questions you might have and/or if you want some other model quantized. ## Thanks I thank my company, [nethype GmbH](https://www.nethype.de/), for letting me use its servers and providing upgrades to my workstation to enable this work in my free time. Additional thanks to [@nicoboss](https://huggingface.co/nicoboss) for giving me access to his private supercomputer, enabling me to provide many more imatrix quants, at much higher quality, than I would otherwise be able to. <!-- end -->
Hartunka/bert_base_km_50_v2_qnli
Hartunka
2025-04-23T12:58:05Z
0
0
transformers
[ "transformers", "tensorboard", "safetensors", "distilbert", "text-classification", "generated_from_trainer", "en", "dataset:glue", "base_model:Hartunka/bert_base_km_50_v2", "base_model:finetune:Hartunka/bert_base_km_50_v2", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2025-04-23T12:37:26Z
--- library_name: transformers language: - en base_model: Hartunka/bert_base_km_50_v2 tags: - generated_from_trainer datasets: - glue metrics: - accuracy model-index: - name: bert_base_km_50_v2_qnli results: - task: name: Text Classification type: text-classification dataset: name: GLUE QNLI type: glue args: qnli metrics: - name: Accuracy type: accuracy value: 0.6512904997254256 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # bert_base_km_50_v2_qnli This model is a fine-tuned version of [Hartunka/bert_base_km_50_v2](https://huggingface.co/Hartunka/bert_base_km_50_v2) on the GLUE QNLI dataset. It achieves the following results on the evaluation set: - Loss: 0.6248 - Accuracy: 0.6513 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 256 - eval_batch_size: 256 - seed: 10 - optimizer: Use adamw_torch with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments - lr_scheduler_type: linear - num_epochs: 50 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | 0.6636 | 1.0 | 410 | 0.6401 | 0.6209 | | 0.6252 | 2.0 | 820 | 0.6248 | 0.6513 | | 0.5582 | 3.0 | 1230 | 0.6467 | 0.6361 | | 0.4467 | 4.0 | 1640 | 0.7169 | 0.6560 | | 0.3229 | 5.0 | 2050 | 0.8078 | 0.6515 | | 0.2249 | 6.0 | 2460 | 0.9614 | 0.6473 | | 0.1597 | 7.0 | 2870 | 1.1663 | 0.6451 | ### Framework versions - Transformers 4.50.2 - Pytorch 2.2.1+cu121 - Datasets 2.18.0 - Tokenizers 0.21.1
Triangle104/R1-8B-ArliAI-RpR-v2-Q8_0-GGUF
Triangle104
2025-04-23T12:36:07Z
0
0
null
[ "gguf", "llama-cpp", "gguf-my-repo", "en", "base_model:ArliAI/R1-8B-ArliAI-RpR-v2", "base_model:quantized:ArliAI/R1-8B-ArliAI-RpR-v2", "license:mit", "endpoints_compatible", "region:us", "conversational" ]
null
2025-04-23T12:33:08Z
--- base_model: ArliAI/R1-8B-ArliAI-RpR-v2 language: - en license: mit tags: - llama-cpp - gguf-my-repo thumbnail: https://cdn-uploads.huggingface.co/production/uploads/6625f4a8a8d1362ebcc3851a/9TIfNBdy29CDnn8NNIQPt.jpeg --- # Triangle104/R1-8B-ArliAI-RpR-v2-Q8_0-GGUF This model was converted to GGUF format from [`ArliAI/R1-8B-ArliAI-RpR-v2`](https://huggingface.co/ArliAI/R1-8B-ArliAI-RpR-v2) using llama.cpp via the ggml.ai's [GGUF-my-repo](https://huggingface.co/spaces/ggml-org/gguf-my-repo) space. Refer to the [original model card](https://huggingface.co/ArliAI/R1-8B-ArliAI-RpR-v2) for more details on the model. --- RpR (RolePlay with Reasoning) is a new series of models from ArliAI. This series builds directly upon the successful dataset curation methodology and training methods developed for the RPMax series. RpR models use the same curated, deduplicated RP and creative writing dataset used for RPMax, with a focus on variety to ensure high creativity and minimize cross-context repetition. Users familiar with RPMax will recognize the unique, non-repetitive writing style unlike other finetuned-for-RP models. With the release of QwQ as the first high performing open-source reasoning model that can be easily trained, it was clear that the available instruct and creative writing reasoning datasets contains only one response per example. This is type of single response dataset used for training reasoning models causes degraded output quality in long multi-turn chats. Which is why Arli AI decided to create a real RP model capable of long multi-turn chat with reasoning. In order to create RpR, we first had to actually create the reasoning RP dataset by re-processing our existing known-good RPMax dataset into a reasoning dataset. This was possible by using the base QwQ Instruct model itself to create the reasoning process for every turn in the RPMax dataset conversation examples, which is then further refined in order to make sure the reasoning is in-line with the actual response examples from the dataset. Another important thing to get right is to make sure the model is trained on examples that present reasoning blocks in the same way as it encounters it during inference. Which is, never seeing the reasoning blocks in it's context. In order to do this, the training run was completed using axolotl with manual template-free segments dataset in order to make sure that the model is never trained to see the reasoning block in the context. Just like how the model will be used during inference time. The result of training on this dataset with this method are consistently coherent and interesting outputs even in long multi-turn RP chats. This is as far as we know the first true correctly-trained reasoning model trained for RP and creative writing. --- ## Use with llama.cpp Install llama.cpp through brew (works on Mac and Linux) ```bash brew install llama.cpp ``` Invoke the llama.cpp server or the CLI. ### CLI: ```bash llama-cli --hf-repo Triangle104/R1-8B-ArliAI-RpR-v2-Q8_0-GGUF --hf-file r1-8b-arliai-rpr-v2-q8_0.gguf -p "The meaning to life and the universe is" ``` ### Server: ```bash llama-server --hf-repo Triangle104/R1-8B-ArliAI-RpR-v2-Q8_0-GGUF --hf-file r1-8b-arliai-rpr-v2-q8_0.gguf -c 2048 ``` Note: You can also use this checkpoint directly through the [usage steps](https://github.com/ggerganov/llama.cpp?tab=readme-ov-file#usage) listed in the Llama.cpp repo as well. Step 1: Clone llama.cpp from GitHub. ``` git clone https://github.com/ggerganov/llama.cpp ``` Step 2: Move into the llama.cpp folder and build it with `LLAMA_CURL=1` flag along with other hardware-specific flags (for ex: LLAMA_CUDA=1 for Nvidia GPUs on Linux). ``` cd llama.cpp && LLAMA_CURL=1 make ``` Step 3: Run inference through the main binary. ``` ./llama-cli --hf-repo Triangle104/R1-8B-ArliAI-RpR-v2-Q8_0-GGUF --hf-file r1-8b-arliai-rpr-v2-q8_0.gguf -p "The meaning to life and the universe is" ``` or ``` ./llama-server --hf-repo Triangle104/R1-8B-ArliAI-RpR-v2-Q8_0-GGUF --hf-file r1-8b-arliai-rpr-v2-q8_0.gguf -c 2048 ```
bustamiyusoef/_Nougat_gerXehwt_01
bustamiyusoef
2025-04-23T09:52:33Z
0
0
transformers
[ "transformers", "safetensors", "vision-encoder-decoder", "image-text-to-text", "generated_from_trainer", "base_model:facebook/nougat-base", "base_model:finetune:facebook/nougat-base", "license:cc-by-nc-4.0", "endpoints_compatible", "region:us" ]
image-text-to-text
2025-04-23T09:52:03Z
--- library_name: transformers license: cc-by-nc-4.0 base_model: facebook/nougat-base tags: - generated_from_trainer model-index: - name: _Nougat_gerXehwt_01 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # _Nougat_gerXehwt_01 This model is a fine-tuned version of [facebook/nougat-base](https://huggingface.co/facebook/nougat-base) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 1.3299 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0001 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 6 - total_train_batch_size: 48 - optimizer: Use adamw_torch with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments - lr_scheduler_type: linear - num_epochs: 20 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 8.4535 | 1.0 | 194 | 1.3974 | | 6.7708 | 2.0 | 388 | 1.2762 | | 6.261 | 3.0 | 582 | 1.2291 | | 5.0723 | 4.0 | 776 | 1.2160 | | 4.3433 | 5.0 | 970 | 1.2350 | | 4.1106 | 6.0 | 1164 | 1.2587 | | 4.1372 | 7.0 | 1358 | 1.2843 | | 3.7315 | 8.0 | 1552 | 1.2992 | | 3.3733 | 9.0 | 1746 | 1.3299 | ### Framework versions - Transformers 4.47.1 - Pytorch 2.5.1+cu121 - Datasets 3.5.0 - Tokenizers 0.21.0
biustnaspust/purpur16
biustnaspust
2025-04-23T09:22:22Z
0
0
transformers
[ "transformers", "safetensors", "llama", "text-generation", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-04-23T09:17:46Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
phongtintruong/Cwen2.5-3B-Instruct-1.2
phongtintruong
2025-04-23T08:44:50Z
0
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "conversational", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-04-23T08:42:17Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
onca-mata-homem-portal-zacarias-ona-onca/Viral-video-onca.mata.homem.portal.zacarias.ona.onca.mata.homem.no.pantanal
onca-mata-homem-portal-zacarias-ona-onca
2025-04-23T05:31:47Z
0
0
null
[ "region:us" ]
null
2025-04-23T05:30:54Z
Watch 🟢 ➤ ➤ ➤ <a href="https://waitingformetocare.blogspot.com/?m=0 "> 🌐 Click Here To link (Full Viral Video Link) 🔴 ➤►DOWNLOAD👉👉🟢 ➤ Watch 🟢 ➤ ➤ ➤ <a href="https://waitingformetocare.blogspot.com/?m=0 "> 🌐 Click Here To link (Full Viral Video Link) 🔴 ➤►DOWNLOAD👉👉🟢 ➤
ntkhoi/MedQwen-3B-SFT
ntkhoi
2025-04-23T04:40:11Z
0
0
transformers
[ "transformers", "safetensors", "qwen2", "text-generation", "conversational", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-04-23T04:37:57Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
leeyunjai/yolo11-firedetect
leeyunjai
2025-04-23T00:08:09Z
13
0
ultralytics
[ "ultralytics", "yolo", "object-detect", "yolo11", "yolov11", "object-detection", "en", "region:us" ]
object-detection
2025-04-09T01:08:41Z
--- language: - en library_name: ultralytics pipeline_tag: object-detection tags: - yolo - object-detect - yolo11 - yolov11 --- # Number and Operator Detection Based on YOLO11x This repository contains a PyTorch-exported model for detecting fire and smoke using the YOLO11s architecture. The model has been trained to recognize these symbols in images and return their locations and classifications. ## Model Description The YOLO11s model is optimized for detecting the following: - fire, smoke ```text #class fire smoke ``` ## How to Use To use this model in your project, follow the steps below: ### 1. Installation Ensure you have the `ultralytics` library installed, which is used for YOLO models: ```bash pip install ultralytics ``` ### 2. Load the Model You can load the model and perform detection on an image as follows: ```python from ultralytics import YOLO # Load the model model = YOLO("./firedetect-11s.pt") # Perform detection on an image results = model("image.png") # Display or process the results results.show() # This will display the image with detected objects ``` ### 3. Model Inference The results object contains bounding boxes, labels (e.g., numbers or operators), and confidence scores for each detected object. Access them like this: ```python for result in results: print(result.boxes) # Bounding boxes print(result.names) # Detected classes print(result.scores) # Confidence scores ``` ![](result.png) #yolo11
haizelabs-org/epic-judge-4-22
haizelabs-org
2025-04-22T23:19:07Z
0
0
peft
[ "peft", "safetensors", "arxiv:1910.09700", "base_model:meta-llama/Llama-3.1-8B-Instruct", "base_model:adapter:meta-llama/Llama-3.1-8B-Instruct", "region:us" ]
null
2025-04-22T23:18:58Z
--- base_model: meta-llama/Llama-3.1-8B-Instruct library_name: peft --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed] ### Framework versions - PEFT 0.14.0
Hartunka/distilbert_rand_20_v2_qnli
Hartunka
2025-04-22T22:48:08Z
0
0
transformers
[ "transformers", "tensorboard", "safetensors", "distilbert", "text-classification", "generated_from_trainer", "en", "dataset:glue", "base_model:Hartunka/distilbert_rand_20_v2", "base_model:finetune:Hartunka/distilbert_rand_20_v2", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-classification
2025-04-22T22:36:13Z
--- library_name: transformers language: - en base_model: Hartunka/distilbert_rand_20_v2 tags: - generated_from_trainer datasets: - glue metrics: - accuracy model-index: - name: distilbert_rand_20_v2_qnli results: - task: name: Text Classification type: text-classification dataset: name: GLUE QNLI type: glue args: qnli metrics: - name: Accuracy type: accuracy value: 0.6357312831777412 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # distilbert_rand_20_v2_qnli This model is a fine-tuned version of [Hartunka/distilbert_rand_20_v2](https://huggingface.co/Hartunka/distilbert_rand_20_v2) on the GLUE QNLI dataset. It achieves the following results on the evaluation set: - Loss: 0.6374 - Accuracy: 0.6357 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 256 - eval_batch_size: 256 - seed: 10 - optimizer: Use adamw_torch with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments - lr_scheduler_type: linear - num_epochs: 50 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | 0.664 | 1.0 | 410 | 0.6415 | 0.6291 | | 0.6251 | 2.0 | 820 | 0.6374 | 0.6357 | | 0.5585 | 3.0 | 1230 | 0.6591 | 0.6286 | | 0.4549 | 4.0 | 1640 | 0.7202 | 0.6341 | | 0.3405 | 5.0 | 2050 | 0.8814 | 0.6301 | | 0.2441 | 6.0 | 2460 | 1.0931 | 0.6310 | | 0.1814 | 7.0 | 2870 | 1.2922 | 0.6315 | ### Framework versions - Transformers 4.50.2 - Pytorch 2.2.1+cu121 - Datasets 2.18.0 - Tokenizers 0.21.1
mahdin70/GraphCodeBERT-VulnCWE
mahdin70
2025-04-22T19:28:40Z
0
0
transformers
[ "transformers", "safetensors", "multi_task_graphcodebert", "feature-extraction", "custom_code", "dataset:mahdin70/cwe_enriched_balanced_bigvul_primevul", "base_model:microsoft/graphcodebert-base", "base_model:finetune:microsoft/graphcodebert-base", "license:mit", "region:us" ]
feature-extraction
2025-04-22T19:16:24Z
--- license: mit datasets: - mahdin70/cwe_enriched_balanced_bigvul_primevul metrics: - accuracy - precision - f1 - recall base_model: - microsoft/graphcodebert-base library_name: transformers --- # GraphCodeBERT-VulnCWE - Fine-Tuned GraphCodeBERT for Vulnerability and CWE Classification ## Model Overview This model is a fine-tuned version of **microsoft/graphcodebert-base** on a curated and enriched dataset for vulnerability detection and CWE classification. It is capable of predicting whether a given code snippet is vulnerable and, if vulnerable, identifying the specific CWE ID associated with it. ## Dataset The model was fine-tuned using the dataset [mahdin70/cwe_enriched_balanced_bigvul_primevul](https://huggingface.co/datasets/mahdin70/cwe_enriched_balanced_bigvul_primevul). The dataset contains both vulnerable and non-vulnerable code samples and is enriched with CWE metadata. ### CWE IDs Covered: 1. **CWE-119**: Improper Restriction of Operations within the Bounds of a Memory Buffer 2. **CWE-20**: Improper Input Validation 3. **CWE-125**: Out-of-bounds Read 4. **CWE-399**: Resource Management Errors 5. **CWE-200**: Information Exposure 6. **CWE-787**: Out-of-bounds Write 7. **CWE-264**: Permissions, Privileges, and Access Controls 8. **CWE-416**: Use After Free 9. **CWE-476**: NULL Pointer Dereference 10. **CWE-190**: Integer Overflow or Wraparound 11. **CWE-189**: Numeric Errors 12. **CWE-362**: Concurrent Execution using Shared Resource with Improper Synchronization --- ## Model Training The model was trained for **3 epochs** with the following configuration: - **Learning Rate**: 2e-5 - **Weight Decay**: 0.01 - **Batch Size**: 8 - **Optimizer**: AdamW - **Scheduler**: Linear ### Training Loss and Validation Metrics Per Epoch: | Epoch | Training Loss | Validation Loss | Vul Accuracy | Vul Precision | Vul Recall | Vul F1 | CWE Accuracy | |-------|---------------|-----------------|--------------|---------------|------------|--------|--------------| | 1 | 1.2824 | 1.4160 | 0.7914 | 0.8990 | 0.5200 | 0.6589 | 0.3551 | | 2 | 1.1292 | 1.2632 | 0.8007 | 0.8037 | 0.6426 | 0.7142 | 0.4433 | | 3 | 0.8598 | 1.2436 | 0.7945 | 0.7669 | 0.6747 | 0.7179 | 0.4605 | #### Training Summary: - **Total Training Steps**: 5916 - **Training Loss**: 1.2380 - **Training Time**: 4785.0 seconds (~80 minutes) - **Training Speed**: 9.89 samples per second - **Steps Per Second**: 1.236 ## How to Use the Model ```python from transformers import AutoModel, AutoTokenizer model = AutoModel.from_pretrained("mahdin70/GraphCodeBERT-VulnCWE", trust_remote_code=True) tokenizer = AutoTokenizer.from_pretrained("microsoft/graphcodebert-base") code_snippet = "int main() { int arr[10]; arr[11] = 5; return 0; }" inputs = tokenizer(code_snippet, return_tensors="pt") outputs = model(**inputs) vul_logits = outputs["vul_logits"] cwe_logits = outputs["cwe_logits"] vul_pred = vul_logits.argmax(dim=1).item() cwe_pred = cwe_logits.argmax(dim=1).item() print(f"Vulnerability: {'Vulnerable' if vul_pred == 1 else 'Non-vulnerable'}") print(f"CWE ID: {cwe_pred if vul_pred == 1 else 'N/A'}") ```
MinaMila/gemma2_2b_unlearned_LoRa_GermanCredit_ep14_55
MinaMila
2025-04-22T18:01:38Z
0
0
transformers
[ "transformers", "safetensors", "arxiv:1910.09700", "endpoints_compatible", "region:us" ]
null
2025-04-22T18:01:29Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
gulyatv/barkgpt-15
gulyatv
2025-04-22T17:10:58Z
0
0
null
[ "onnx", "text-generation", "ru", "en", "arxiv:1910.09700", "base_model:ai-forever/rugpt3large_based_on_gpt2", "base_model:quantized:ai-forever/rugpt3large_based_on_gpt2", "license:mit", "region:us" ]
text-generation
2025-04-22T13:53:43Z
--- license: mit language: - ru - en base_model: - ai-forever/rugpt3small_based_on_gpt2 - ai-forever/rugpt3medium_based_on_gpt2 - ai-forever/rugpt3large_based_on_gpt2 pipeline_tag: text-generation --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> This modelcard aims to be a base template for new models. It has been generated using [this raw template](https://github.com/huggingface/huggingface_hub/blob/main/src/huggingface_hub/templates/modelcard_template.md?plain=1). ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
mcrovero/gemma-3-27b-it-unsloth-bnb-4bit-custom-merged
mcrovero
2025-04-22T12:25:03Z
0
0
transformers
[ "transformers", "gemma3_text", "text-generation", "text-generation-inference", "unsloth", "gemma3", "conversational", "en", "base_model:unsloth/gemma-3-27b-it-unsloth-bnb-4bit", "base_model:finetune:unsloth/gemma-3-27b-it-unsloth-bnb-4bit", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text-generation
2025-04-22T12:07:53Z
--- base_model: unsloth/gemma-3-27b-it-unsloth-bnb-4bit tags: - text-generation-inference - transformers - unsloth - gemma3 license: apache-2.0 language: - en --- # Uploaded finetuned model - **Developed by:** mcrovero - **License:** apache-2.0 - **Finetuned from model :** unsloth/gemma-3-27b-it-unsloth-bnb-4bit This gemma3 model was trained 2x faster with [Unsloth](https://github.com/unslothai/unsloth) and Huggingface's TRL library. [<img src="https://raw.githubusercontent.com/unslothai/unsloth/main/images/unsloth%20made%20with%20love.png" width="200"/>](https://github.com/unslothai/unsloth)
madilcy/Arabic-Medicine-LLaMA3-Darija-Tuned-v2
madilcy
2025-04-22T11:22:17Z
0
0
peft
[ "peft", "tensorboard", "safetensors", "arxiv:1910.09700", "region:us" ]
null
2025-04-22T10:54:44Z
--- base_model: unsloth/llama-3.2-3b-instruct-bnb-4bit library_name: peft --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed] ### Framework versions - PEFT 0.14.0
xw17/gemma-2-2b-it_finetuned__optimized_lora_globem_origin
xw17
2025-04-22T11:13:20Z
0
0
transformers
[ "transformers", "safetensors", "arxiv:1910.09700", "endpoints_compatible", "region:us" ]
null
2025-04-22T11:12:42Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
sogibiffat11/Xuud
sogibiffat11
2025-04-22T04:08:33Z
0
0
null
[ "license:apache-2.0", "region:us" ]
null
2025-04-22T04:08:33Z
--- license: apache-2.0 ---
robiulawaldev/549d786b-849e-4c57-bba4-88d745a6f1a6
robiulawaldev
2025-04-22T03:02:27Z
0
0
peft
[ "peft", "generated_from_trainer", "base_model:unsloth/gemma-2-9b-it", "base_model:adapter:unsloth/gemma-2-9b-it", "region:us" ]
null
2025-04-22T03:01:57Z
--- library_name: peft tags: - generated_from_trainer base_model: unsloth/gemma-2-9b-it model-index: - name: robiulawaldev/549d786b-849e-4c57-bba4-88d745a6f1a6 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # robiulawaldev/549d786b-849e-4c57-bba4-88d745a6f1a6 This model was trained from scratch on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.5665 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ### Framework versions - PEFT 0.13.2 - Transformers 4.46.3 - Pytorch 2.5.1+cu124 - Datasets 3.1.0 - Tokenizers 0.20.3
sergioalves/4a624d17-69d9-4848-9dc0-4c54fe102175
sergioalves
2025-04-22T01:19:26Z
0
0
peft
[ "peft", "safetensors", "qwen2", "axolotl", "generated_from_trainer", "base_model:Qwen/Qwen2-7B-Instruct", "base_model:adapter:Qwen/Qwen2-7B-Instruct", "license:apache-2.0", "region:us" ]
null
2025-04-22T00:56:31Z
--- library_name: peft license: apache-2.0 base_model: Qwen/Qwen2-7B-Instruct tags: - axolotl - generated_from_trainer model-index: - name: 4a624d17-69d9-4848-9dc0-4c54fe102175 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> [<img src="https://raw.githubusercontent.com/axolotl-ai-cloud/axolotl/main/image/axolotl-badge-web.png" alt="Built with Axolotl" width="200" height="32"/>](https://github.com/axolotl-ai-cloud/axolotl) <details><summary>See axolotl config</summary> axolotl version: `0.4.1` ```yaml adapter: lora base_model: Qwen/Qwen2-7B-Instruct bf16: true chat_template: llama3 dataset_prepared_path: null datasets: - data_files: - d0bf8f1f4c8ed2bf_train_data.json ds_type: json format: custom path: /workspace/input_data/d0bf8f1f4c8ed2bf_train_data.json type: field_input: input field_instruction: instruction field_output: output format: '{instruction} {input}' no_input_format: '{instruction}' system_format: '{system}' system_prompt: '' debug: null deepspeed: null early_stopping_patience: null eval_max_new_tokens: 128 eval_table_size: null evals_per_epoch: 1 flash_attention: true fp16: null fsdp: null fsdp_config: null gradient_accumulation_steps: 2 gradient_checkpointing: true gradient_clipping: 0.5 group_by_length: false hub_model_id: sergioalves/4a624d17-69d9-4848-9dc0-4c54fe102175 hub_repo: null hub_strategy: end hub_token: null learning_rate: 5.0e-06 load_in_4bit: false load_in_8bit: false local_rank: null logging_steps: 1 lora_alpha: 128 lora_dropout: 0.05 lora_fan_in_fan_out: null lora_model_dir: null lora_r: 64 lora_target_linear: true lr_scheduler: cosine max_steps: 200 micro_batch_size: 8 mixed_precision: bf16 mlflow_experiment_name: /tmp/d0bf8f1f4c8ed2bf_train_data.json model_type: AutoModelForCausalLM num_epochs: 1 optimizer: adamw_bnb_8bit output_dir: miner_id_24 pad_to_sequence_len: true resume_from_checkpoint: null s2_attention: null sample_packing: false saves_per_epoch: 1 sequence_len: 1024 strict: false tf32: false tokenizer_type: AutoTokenizer train_on_inputs: false trust_remote_code: true val_set_size: 0.05 wandb_entity: null wandb_mode: online wandb_name: 55e8f2aa-217a-4768-bce0-5ec8fb417359 wandb_project: s56-8 wandb_run: your_name wandb_runid: 55e8f2aa-217a-4768-bce0-5ec8fb417359 warmup_steps: 5 weight_decay: 0.01 xformers_attention: true ``` </details><br> # 4a624d17-69d9-4848-9dc0-4c54fe102175 This model is a fine-tuned version of [Qwen/Qwen2-7B-Instruct](https://huggingface.co/Qwen/Qwen2-7B-Instruct) on the None dataset. It achieves the following results on the evaluation set: - Loss: 1.9248 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-06 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - distributed_type: multi-GPU - num_devices: 2 - gradient_accumulation_steps: 2 - total_train_batch_size: 32 - total_eval_batch_size: 16 - optimizer: Use OptimizerNames.ADAMW_BNB with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments - lr_scheduler_type: cosine - lr_scheduler_warmup_steps: 5 - training_steps: 200 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:------:|:----:|:---------------:| | 1.788 | 0.0606 | 200 | 1.9248 | ### Framework versions - PEFT 0.13.2 - Transformers 4.46.0 - Pytorch 2.5.0+cu124 - Datasets 3.0.1 - Tokenizers 0.20.1
mradermacher/hc-llama-8b-0308-i1-GGUF
mradermacher
2025-04-21T23:22:29Z
73
0
transformers
[ "transformers", "gguf", "generated_from_trainer", "open-r1", "trl", "grpo", "en", "dataset:AI-MO/NuminaMath-TIR", "base_model:q5390498/hc-llama-8b-0308", "base_model:quantized:q5390498/hc-llama-8b-0308", "endpoints_compatible", "region:us", "imatrix", "conversational" ]
null
2025-03-11T08:26:22Z
--- base_model: q5390498/hc-llama-8b-0308 datasets: AI-MO/NuminaMath-TIR language: - en library_name: transformers model_name: hc-llama-8b-0308 quantized_by: mradermacher tags: - generated_from_trainer - open-r1 - trl - grpo --- ## About <!-- ### quantize_version: 2 --> <!-- ### output_tensor_quantised: 1 --> <!-- ### convert_type: hf --> <!-- ### vocab_type: --> <!-- ### tags: nicoboss --> weighted/imatrix quants of https://huggingface.co/q5390498/hc-llama-8b-0308 <!-- provided-files --> static quants are available at https://huggingface.co/mradermacher/hc-llama-8b-0308-GGUF ## Usage If you are unsure how to use GGUF files, refer to one of [TheBloke's READMEs](https://huggingface.co/TheBloke/KafkaLM-70B-German-V0.1-GGUF) for more details, including on how to concatenate multi-part files. ## Provided Quants (sorted by size, not necessarily quality. IQ-quants are often preferable over similar sized non-IQ quants) | Link | Type | Size/GB | Notes | |:-----|:-----|--------:|:------| | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ1_S.gguf) | i1-IQ1_S | 2.1 | for the desperate | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ1_M.gguf) | i1-IQ1_M | 2.3 | mostly desperate | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ2_XXS.gguf) | i1-IQ2_XXS | 2.5 | | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ2_XS.gguf) | i1-IQ2_XS | 2.7 | | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ2_S.gguf) | i1-IQ2_S | 2.9 | | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ2_M.gguf) | i1-IQ2_M | 3.0 | | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q2_K_S.gguf) | i1-Q2_K_S | 3.1 | very low quality | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q2_K.gguf) | i1-Q2_K | 3.3 | IQ3_XXS probably better | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ3_XXS.gguf) | i1-IQ3_XXS | 3.4 | lower quality | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ3_XS.gguf) | i1-IQ3_XS | 3.6 | | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q3_K_S.gguf) | i1-Q3_K_S | 3.8 | IQ3_XS probably better | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ3_S.gguf) | i1-IQ3_S | 3.8 | beats Q3_K* | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ3_M.gguf) | i1-IQ3_M | 3.9 | | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q3_K_M.gguf) | i1-Q3_K_M | 4.1 | IQ3_S probably better | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q3_K_L.gguf) | i1-Q3_K_L | 4.4 | IQ3_M probably better | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ4_XS.gguf) | i1-IQ4_XS | 4.5 | | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q4_0.gguf) | i1-Q4_0 | 4.8 | fast, low quality | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-IQ4_NL.gguf) | i1-IQ4_NL | 4.8 | prefer IQ4_XS | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q4_K_S.gguf) | i1-Q4_K_S | 4.8 | optimal size/speed/quality | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q4_K_M.gguf) | i1-Q4_K_M | 5.0 | fast, recommended | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q4_1.gguf) | i1-Q4_1 | 5.2 | | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q5_K_S.gguf) | i1-Q5_K_S | 5.7 | | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q5_K_M.gguf) | i1-Q5_K_M | 5.8 | | | [GGUF](https://huggingface.co/mradermacher/hc-llama-8b-0308-i1-GGUF/resolve/main/hc-llama-8b-0308.i1-Q6_K.gguf) | i1-Q6_K | 6.7 | practically like static Q6_K | Here is a handy graph by ikawrakow comparing some lower-quality quant types (lower is better): ![image.png](https://www.nethype.de/huggingface_embed/quantpplgraph.png) And here are Artefact2's thoughts on the matter: https://gist.github.com/Artefact2/b5f810600771265fc1e39442288e8ec9 ## FAQ / Model Request See https://huggingface.co/mradermacher/model_requests for some answers to questions you might have and/or if you want some other model quantized. ## Thanks I thank my company, [nethype GmbH](https://www.nethype.de/), for letting me use its servers and providing upgrades to my workstation to enable this work in my free time. Additional thanks to [@nicoboss](https://huggingface.co/nicoboss) for giving me access to his private supercomputer, enabling me to provide many more imatrix quants, at much higher quality, than I would otherwise be able to. <!-- end -->
henrysun9074/HH-sdxl-lora-out
henrysun9074
2025-04-21T17:14:20Z
0
0
diffusers
[ "diffusers", "text-to-image", "diffusers-training", "lora", "template:sd-lora", "stable-diffusion-xl", "stable-diffusion-xl-diffusers", "base_model:stabilityai/stable-diffusion-xl-base-1.0", "base_model:adapter:stabilityai/stable-diffusion-xl-base-1.0", "license:openrail++", "region:us" ]
text-to-image
2025-04-21T16:25:32Z
--- base_model: stabilityai/stable-diffusion-xl-base-1.0 library_name: diffusers license: openrail++ instance_prompt: a drone image of a humpback whale widget: [] tags: - text-to-image - text-to-image - diffusers-training - diffusers - lora - template:sd-lora - stable-diffusion-xl - stable-diffusion-xl-diffusers --- <!-- This model card has been generated automatically according to the information the training script had access to. You should probably proofread and complete it, then remove this comment. --> # SDXL LoRA DreamBooth - henrysun9074/HH-sdxl-lora-out <Gallery /> ## Model description These are henrysun9074/HH-sdxl-lora-out LoRA adaption weights for stabilityai/stable-diffusion-xl-base-1.0. The weights were trained using [DreamBooth](https://dreambooth.github.io/). LoRA for the text encoder was enabled: False. Special VAE used for training: None. ## Trigger words You should use a drone image of a humpback whale to trigger the image generation. ## Download model Weights for this model are available in Safetensors format. [Download](henrysun9074/HH-sdxl-lora-out/tree/main) them in the Files & versions tab. ## Intended uses & limitations #### How to use ```python # TODO: add an example code snippet for running this diffusion pipeline ``` #### Limitations and bias [TODO: provide examples of latent issues and potential remediations] ## Training details [TODO: describe the data used to train the model]
TOMFORD79/Neymar_14
TOMFORD79
2025-04-21T16:17:58Z
0
0
transformers
[ "transformers", "safetensors", "llama", "text-generation", "arxiv:1910.09700", "autotrain_compatible", "text-generation-inference", "endpoints_compatible", "region:us" ]
text-generation
2025-04-21T16:03:47Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
wilsoncheng/gemma-product-description
wilsoncheng
2025-04-21T06:19:55Z
0
0
transformers
[ "transformers", "tensorboard", "safetensors", "generated_from_trainer", "trl", "sft", "base_model:google/gemma-3-4b-pt", "base_model:finetune:google/gemma-3-4b-pt", "endpoints_compatible", "region:us" ]
null
2025-04-21T03:10:07Z
--- base_model: google/gemma-3-4b-pt library_name: transformers model_name: gemma-product-description tags: - generated_from_trainer - trl - sft licence: license --- # Model Card for gemma-product-description This model is a fine-tuned version of [google/gemma-3-4b-pt](https://huggingface.co/google/gemma-3-4b-pt). It has been trained using [TRL](https://github.com/huggingface/trl). ## Quick start ```python from transformers import pipeline question = "If you had a time machine, but could only go to the past or the future once and never return, which would you choose and why?" generator = pipeline("text-generation", model="wilsoncheng/gemma-product-description", device="cuda") output = generator([{"role": "user", "content": question}], max_new_tokens=128, return_full_text=False)[0] print(output["generated_text"]) ``` ## Training procedure This model was trained with SFT. ### Framework versions - TRL: 0.16.0 - Transformers: 4.50.0 - Pytorch: 2.8.0.dev20250326+cu128 - Datasets: 3.5.0 - Tokenizers: 0.21.1 ## Citations Cite TRL as: ```bibtex @misc{vonwerra2022trl, title = {{TRL: Transformer Reinforcement Learning}}, author = {Leandro von Werra and Younes Belkada and Lewis Tunstall and Edward Beeching and Tristan Thrush and Nathan Lambert and Shengyi Huang and Kashif Rasul and Quentin Gallouédec}, year = 2020, journal = {GitHub repository}, publisher = {GitHub}, howpublished = {\url{https://github.com/huggingface/trl}} } ```
gretakate/gemma3-round5_v1
gretakate
2025-04-21T01:53:25Z
0
0
transformers
[ "transformers", "safetensors", "arxiv:1910.09700", "endpoints_compatible", "region:us" ]
null
2025-04-21T01:53:19Z
--- library_name: transformers tags: [] --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated. - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed]
Zekaria/mrkventure-lora
Zekaria
2025-04-20T06:47:08Z
0
0
null
[ "license:other", "region:us" ]
null
2025-04-20T05:33:27Z
--- license: other license_name: flux-1-dev-non-commercial-license license_link: https://huggingface.co/black-forest-labs/FLUX.1-dev/blob/main/LICENSE.md ---
JK-TK/Mistral_7b_Tex
JK-TK
2025-04-19T15:50:51Z
0
1
peft
[ "peft", "safetensors", "arxiv:1910.09700", "region:us" ]
null
2025-04-19T15:50:11Z
--- base_model: unsloth/phi-3-mini-4k-instruct-bnb-4bit library_name: peft --- # Model Card for Model ID <!-- Provide a quick summary of what the model is/does. --> ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> - **Developed by:** [More Information Needed] - **Funded by [optional]:** [More Information Needed] - **Shared by [optional]:** [More Information Needed] - **Model type:** [More Information Needed] - **Language(s) (NLP):** [More Information Needed] - **License:** [More Information Needed] - **Finetuned from model [optional]:** [More Information Needed] ### Model Sources [optional] <!-- Provide the basic links for the model. --> - **Repository:** [More Information Needed] - **Paper [optional]:** [More Information Needed] - **Demo [optional]:** [More Information Needed] ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> [More Information Needed] ### Downstream Use [optional] <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app --> [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## How to Get Started with the Model Use the code below to get started with the model. [More Information Needed] ## Training Details ### Training Data <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. --> [More Information Needed] ### Training Procedure <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. --> #### Preprocessing [optional] [More Information Needed] #### Training Hyperparameters - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision --> #### Speeds, Sizes, Times [optional] <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. --> [More Information Needed] ## Evaluation <!-- This section describes the evaluation protocols and provides the results. --> ### Testing Data, Factors & Metrics #### Testing Data <!-- This should link to a Dataset Card if possible. --> [More Information Needed] #### Factors <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. --> [More Information Needed] #### Metrics <!-- These are the evaluation metrics being used, ideally with a description of why. --> [More Information Needed] ### Results [More Information Needed] #### Summary ## Model Examination [optional] <!-- Relevant interpretability work for the model goes here --> [More Information Needed] ## Environmental Impact <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly --> Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** [More Information Needed] - **Hours used:** [More Information Needed] - **Cloud Provider:** [More Information Needed] - **Compute Region:** [More Information Needed] - **Carbon Emitted:** [More Information Needed] ## Technical Specifications [optional] ### Model Architecture and Objective [More Information Needed] ### Compute Infrastructure [More Information Needed] #### Hardware [More Information Needed] #### Software [More Information Needed] ## Citation [optional] <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. --> **BibTeX:** [More Information Needed] **APA:** [More Information Needed] ## Glossary [optional] <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. --> [More Information Needed] ## More Information [optional] [More Information Needed] ## Model Card Authors [optional] [More Information Needed] ## Model Card Contact [More Information Needed] ### Framework versions - PEFT 0.14.0