Search is not available for this dataset
pipeline_tag
stringclasses 48
values | library_name
stringclasses 205
values | text
stringlengths 0
18.3M
| metadata
stringlengths 2
1.07B
| id
stringlengths 5
122
| last_modified
null | tags
listlengths 1
1.84k
| sha
null | created_at
stringlengths 25
25
|
---|---|---|---|---|---|---|---|---|
null | transformers | {"license": "apache-2.0"} | songzewu/jingmiao-whisper-small-chinese_base-ct2 | null | [
"transformers",
"pytorch",
"license:apache-2.0",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T07:18:07+00:00 |
|
text-generation | transformers |
# Model Card for Model ID
```
``` | {"library_name": "transformers", "tags": []} | TwinDoc/agilesoda-model-x-init-mistral-stage-1 | null | [
"transformers",
"safetensors",
"mistral",
"text-generation",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:18:26+00:00 |
text-generation | transformers |
# Uploaded model
- **Developed by:** saksornr
- **License:** apache-2.0
- **Finetuned from model :** SeaLLMs/SeaLLM-7B-v2.5
Pre-quantized for faster loading. (~17 GB to 5 GB) | {"language": ["en", "th"], "license": "apache-2.0", "library_name": "transformers", "tags": ["text-generation-inference", "transformers", "unsloth", "gemma", "trl"], "base_model": "SeaLLMs/SeaLLM-7B-v2.5", "pipeline_tag": "text-generation"} | saksornr/SeaLLM-7B-v2.5-4bit | null | [
"transformers",
"safetensors",
"gemma",
"text-generation",
"text-generation-inference",
"unsloth",
"trl",
"conversational",
"en",
"th",
"base_model:SeaLLMs/SeaLLM-7B-v2.5",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"4-bit",
"region:us"
]
| null | 2024-04-27T07:22:36+00:00 |
text-generation | transformers |
# Llama3medical-15B-MoE
Llama3medical-15B-MoE is a Mixture of Experts (MoE) made with the following models using [LazyMergekit](https://colab.research.google.com/drive/1obulZ1ROXHjYLn6PPZJwRR6GzgQogxxb?usp=sharing):
* [johnsnowlabs/JSL-MedLlama-3-8B-v1.0](https://huggingface.co/johnsnowlabs/JSL-MedLlama-3-8B-v1.0)
* [Weyaxi/Einstein-v6.1-Llama3-8B](https://huggingface.co/Weyaxi/Einstein-v6.1-Llama3-8B)
## 🧩 Configuration
```yaml
base_model: johnsnowlabs/JSL-MedLlama-3-8B-v1.0
experts:
- source_model: johnsnowlabs/JSL-MedLlama-3-8B-v1.0
positive_prompts: ["medical"]
- source_model: Weyaxi/Einstein-v6.1-Llama3-8B
positive_prompts: ["what"]
```
## 💻 Usage
```python
!pip install -qU transformers bitsandbytes accelerate
from transformers import AutoTokenizer
import transformers
import torch
model = "allknowingroger/Llama3medical-15B-MoE"
tokenizer = AutoTokenizer.from_pretrained(model)
pipeline = transformers.pipeline(
"text-generation",
model=model,
model_kwargs={"torch_dtype": torch.float16, "load_in_4bit": True},
)
messages = [{"role": "user", "content": "Explain what a Mixture of Experts is in less than 100 words."}]
prompt = pipeline.tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)
outputs = pipeline(prompt, max_new_tokens=256, do_sample=True, temperature=0.7, top_k=50, top_p=0.95)
print(outputs[0]["generated_text"])
``` | {"license": "apache-2.0", "tags": ["moe", "frankenmoe", "merge", "mergekit", "lazymergekit", "johnsnowlabs/JSL-MedLlama-3-8B-v1.0", "Weyaxi/Einstein-v6.1-Llama3-8B"], "base_model": ["johnsnowlabs/JSL-MedLlama-3-8B-v1.0", "Weyaxi/Einstein-v6.1-Llama3-8B"]} | allknowingroger/Llama3medical-15B-MoE | null | [
"transformers",
"mixtral",
"text-generation",
"moe",
"frankenmoe",
"merge",
"mergekit",
"lazymergekit",
"johnsnowlabs/JSL-MedLlama-3-8B-v1.0",
"Weyaxi/Einstein-v6.1-Llama3-8B",
"base_model:johnsnowlabs/JSL-MedLlama-3-8B-v1.0",
"base_model:Weyaxi/Einstein-v6.1-Llama3-8B",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:22:38+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K4me2-seqsight_16384_512_22M-L8_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K4me2](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K4me2) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.6079
- F1 Score: 0.6631
- Accuracy: 0.6631
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.6504 | 1.04 | 200 | 0.6251 | 0.6392 | 0.6452 |
| 0.6193 | 2.08 | 400 | 0.6492 | 0.6275 | 0.6256 |
| 0.6147 | 3.12 | 600 | 0.6136 | 0.6607 | 0.6709 |
| 0.6127 | 4.17 | 800 | 0.6233 | 0.6539 | 0.6536 |
| 0.6084 | 5.21 | 1000 | 0.6170 | 0.6690 | 0.6696 |
| 0.6055 | 6.25 | 1200 | 0.6122 | 0.6630 | 0.6660 |
| 0.5984 | 7.29 | 1400 | 0.6404 | 0.6462 | 0.6435 |
| 0.6005 | 8.33 | 1600 | 0.6224 | 0.6536 | 0.6517 |
| 0.5953 | 9.38 | 1800 | 0.6408 | 0.6470 | 0.6445 |
| 0.5949 | 10.42 | 2000 | 0.6192 | 0.6581 | 0.6562 |
| 0.5943 | 11.46 | 2200 | 0.6103 | 0.6697 | 0.6709 |
| 0.5839 | 12.5 | 2400 | 0.6158 | 0.6658 | 0.6657 |
| 0.5855 | 13.54 | 2600 | 0.6161 | 0.6667 | 0.6667 |
| 0.5845 | 14.58 | 2800 | 0.6149 | 0.6640 | 0.6647 |
| 0.5872 | 15.62 | 3000 | 0.6226 | 0.6636 | 0.6624 |
| 0.5811 | 16.67 | 3200 | 0.6218 | 0.6596 | 0.6579 |
| 0.5794 | 17.71 | 3400 | 0.6157 | 0.6687 | 0.6683 |
| 0.5782 | 18.75 | 3600 | 0.6109 | 0.6704 | 0.6709 |
| 0.5772 | 19.79 | 3800 | 0.6215 | 0.6648 | 0.6634 |
| 0.5707 | 20.83 | 4000 | 0.6276 | 0.6608 | 0.6585 |
| 0.576 | 21.88 | 4200 | 0.6471 | 0.6439 | 0.6413 |
| 0.5721 | 22.92 | 4400 | 0.6304 | 0.6631 | 0.6611 |
| 0.5705 | 23.96 | 4600 | 0.6408 | 0.6462 | 0.6435 |
| 0.5694 | 25.0 | 4800 | 0.6209 | 0.6702 | 0.6693 |
| 0.5666 | 26.04 | 5000 | 0.6300 | 0.6637 | 0.6618 |
| 0.5686 | 27.08 | 5200 | 0.6261 | 0.6634 | 0.6615 |
| 0.5665 | 28.12 | 5400 | 0.6274 | 0.6609 | 0.6588 |
| 0.5654 | 29.17 | 5600 | 0.6276 | 0.6619 | 0.6598 |
| 0.56 | 30.21 | 5800 | 0.6458 | 0.6581 | 0.6556 |
| 0.5638 | 31.25 | 6000 | 0.6361 | 0.6602 | 0.6579 |
| 0.5616 | 32.29 | 6200 | 0.6206 | 0.6675 | 0.6663 |
| 0.5595 | 33.33 | 6400 | 0.6369 | 0.6625 | 0.6601 |
| 0.5578 | 34.38 | 6600 | 0.6370 | 0.6594 | 0.6572 |
| 0.5583 | 35.42 | 6800 | 0.6268 | 0.6680 | 0.6663 |
| 0.556 | 36.46 | 7000 | 0.6203 | 0.6685 | 0.6676 |
| 0.5537 | 37.5 | 7200 | 0.6337 | 0.6637 | 0.6615 |
| 0.5557 | 38.54 | 7400 | 0.6318 | 0.6680 | 0.6663 |
| 0.5575 | 39.58 | 7600 | 0.6238 | 0.6662 | 0.6654 |
| 0.5554 | 40.62 | 7800 | 0.6417 | 0.6533 | 0.6507 |
| 0.5541 | 41.67 | 8000 | 0.6312 | 0.6623 | 0.6601 |
| 0.5497 | 42.71 | 8200 | 0.6305 | 0.6684 | 0.6673 |
| 0.556 | 43.75 | 8400 | 0.6306 | 0.6677 | 0.6660 |
| 0.5524 | 44.79 | 8600 | 0.6379 | 0.6608 | 0.6585 |
| 0.5489 | 45.83 | 8800 | 0.6321 | 0.6662 | 0.6647 |
| 0.5515 | 46.88 | 9000 | 0.6433 | 0.6593 | 0.6569 |
| 0.5503 | 47.92 | 9200 | 0.6388 | 0.6618 | 0.6595 |
| 0.5517 | 48.96 | 9400 | 0.6354 | 0.6672 | 0.6654 |
| 0.551 | 50.0 | 9600 | 0.6368 | 0.6661 | 0.6641 |
| 0.5523 | 51.04 | 9800 | 0.6378 | 0.6634 | 0.6611 |
| 0.5479 | 52.08 | 10000 | 0.6371 | 0.6630 | 0.6608 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K4me2-seqsight_16384_512_22M-L8_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K4me2-seqsight_16384_512_22M-L8_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:22:41+00:00 |
text-generation | transformers |
# 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] | {"library_name": "transformers", "tags": []} | shallow6414/1tw8gta | null | [
"transformers",
"safetensors",
"llama",
"text-generation",
"conversational",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:23:27+00:00 |
text-generation | transformers |
# Phi-3-mini-128k-instruct-int4
- Orginal model : [microsoft/Phi-3-mini-128k-instruct](https://huggingface.co/microsoft/Phi-3-mini-128k-instruct)
- Quantized using [intel/auto-round](https://github.com/intel/auto-round)
## Description
**Phi-3-mini-128k-instruct-int4** is an int4 model with group_size 128 of the [microsoft/Phi-3-mini-128k-instruct](https://huggingface.co/microsoft/Phi-3-mini-128k-instruct).
The above model was quantized using AutoRound(Advanced Weight-Only Quantization Algorithm for LLMs) released by [intel](https://github.com/intel).
you can find out more in detail through the the [GitHub Repository](https://github.com/intel/auto-round).
## Training details
### Cloning a repository(AutoRound)
```
git clone https://github.com/intel/auto-round
```
### Enter into the examples/language-modeling folder
```
cd auto-round/examples/language-modeling
pip install -r requirements.txt
```
### Install FlashAttention-2
```
pip install flash_attn==2.5.8
```
Here's an simplified code for quantization. In order to save memory in quantization, we set the batch size to 1.
```
python main.py \
--model_name "microsoft/Phi-3-mini-128k-instruct" \
--bits 4 \
--group_size 128 \
--train_bs 1 \
--gradient_accumulate_steps 8 \
--deployment_device 'gpu' \
--output_dir "./save_ckpt"
```
## Model inference
### Install the necessary packages
```
pip install auto_gptq
pip install optimum
pip install -U accelerate bitsandbytes datasets peft transformers
```
### Example codes
```
import torch
from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline
torch.random.manual_seed(0)
model = AutoModelForCausalLM.from_pretrained(
"ssuncheol/Phi-3-mini-128k-instruct-int4",
device_map="cuda",
torch_dtype="auto",
trust_remote_code=True,
)
tokenizer = AutoTokenizer.from_pretrained("ssuncheol/Phi-3-mini-128k-instruct-int4")
messages = [
{"role": "system", "content": "You are a helpful digital assistant. Please provide safe, ethical and accurate information to the user."},
{"role": "user", "content": "Can you provide ways to eat combinations of bananas and dragonfruits?"},
{"role": "assistant", "content": "Sure! Here are some ways to eat bananas and dragonfruits together: 1. Banana and dragonfruit smoothie: Blend bananas and dragonfruits together with some milk and honey. 2. Banana and dragonfruit salad: Mix sliced bananas and dragonfruits together with some lemon juice and honey."},
{"role": "user", "content": "What about solving an 2x + 3 = 7 equation?"},
]
pipe = pipeline(
"text-generation",
model=model,
tokenizer=tokenizer,
)
generation_args = {
"max_new_tokens": 500,
"return_full_text": False,
"temperature": 0.0,
"do_sample": False,
}
output = pipe(messages, **generation_args)
print(output[0]['generated_text'])
```
## License
The model is licensed under the MIT license.
| {"language": ["en"], "license": "mit", "tags": ["text-generation-inference"], "pipeline_tag": "text-generation"} | ssuncheol/Phi-3-mini-128k-instruct-int4 | null | [
"transformers",
"safetensors",
"phi3",
"text-generation",
"text-generation-inference",
"conversational",
"custom_code",
"en",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"4-bit",
"region:us"
]
| null | 2024-04-27T07:25:03+00:00 |
null | null | {} | rohan-jp1/t5-end2end-questions-generation-s8 | null | [
"region:us"
]
| null | 2024-04-27T07:27:06+00:00 |
|
text-generation | transformers |
# 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]
| {"library_name": "transformers", "tags": []} | swj0419/hp_retrain_STEP0000030 | null | [
"transformers",
"safetensors",
"llama",
"text-generation",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:27:52+00:00 |
audio-to-audio | null | 
# Matthew Koma ( Matthew Bair ) V1 [EN] (2012)
# 314 Epochs - RVC V2 - rmvpe - Titan Medium
Trained on 2 minutes 59 seconds of isolated acapella from Spectrum Acoustic Version using UVR (Voc FT + Reverb HQ)
and Audacity to remove parts with double vocals and vocals from others (+Noise Gate) | {"language": ["en"], "license": "openrail", "tags": ["music", "rvc", "matthew", "koma", "bair", "model"], "pipeline_tag": "audio-to-audio"} | JapGuy/Matthew_Koma_v1 | null | [
"music",
"rvc",
"matthew",
"koma",
"bair",
"model",
"audio-to-audio",
"en",
"license:openrail",
"region:us"
]
| null | 2024-04-27T07:28:05+00:00 |
text-generation | transformers |
# typhoon-7b-WangchanX-sft-Demo
This model is based on [WangchanX Fine-tuning Pipeline](https://github.com/vistec-AI/WangchanX).
GitHub: [WangchanX Fine-tuning Pipeline](https://github.com/vistec-AI/WangchanX).
Pre-train model from scb10x/typhoon-7b and fine tuning with Qlora.
License: cc-by-nc-3.0
## Train Example
Train WangchanX pipeline: [Colab](https://colab.research.google.com/github/vistec-AI/WangchanX/blob/main/notebooks/Train_WangchanX_pipeline.ipynb)
## Inference Example
Run on [Colab](https://colab.research.google.com/drive/1PeUnv89Ao2uHRYYzZVOlUwoBUdYKFbLS?usp=sharing)
### Prepare your model and tokenizer:
```python
import torch
from transformers import AutoTokenizer, AutoModelForCausalLM
# Model path
path = "airesearch/typhoon-7b-WangchanX-sft-Demo"
# Device
device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
# Load tokenizer and model
tokenizer = AutoTokenizer.from_pretrained(path, use_fast=False)
model = AutoModelForCausalLM.from_pretrained(path, device_map="auto")
```
### Define chat messages:
```python
messages = [
{"role": "user", "content": "ลิเก กับ งิ้ว ต่างกันอย่างไร"},
]
```
### Tokenize chat messages:
```python
tokenized_chat = tokenizer.apply_chat_template(messages, tokenize=True, add_generation_prompt=True, return_tensors="pt").to(device)
print(tokenizer.decode(tokenized_chat[0]))
```
<details close>
<summary>Output: </summary>
<br>
<pre lang="markdown">
<|user|>
ลิเก กับ งิ้ว ต่างกันอย่างไร</s>
<|assistant|></pre>
</details>
### Generate responses:
```python
outputs = model.generate(tokenized_chat, max_length=2048)
print(tokenizer.decode(outputs[0]))
```
<details close>
<summary>Output: </summary>
<br>
<pre lang="markdown">
<|user|>
ลิเก กับ งิ้ว ต่างกันอย่างไร</s>
<|assistant|>
ต่างกันที่วัฒนธรรมการแสดง ลิเกเป็นละครเพลงของไทย ส่วนงิ้วเป็นการแสดงพื้นบ้านของจีน</s></pre>
</details> | {"language": ["th", "en"], "license": "cc-by-nc-3.0", "datasets": ["airesearch/concat_six_dataset_th_en"]} | airesearch/typhoon-7b-WangchanX-sft-Demo | null | [
"transformers",
"safetensors",
"mistral",
"text-generation",
"conversational",
"th",
"en",
"dataset:airesearch/concat_six_dataset_th_en",
"license:cc-by-nc-3.0",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:28:51+00:00 |
null | null | {} | ZoneTwelve/OpenELM-3B-Instruct-GGUF | null | [
"region:us"
]
| null | 2024-04-27T07:30:36+00:00 |
|
null | peft |
<!-- 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. -->
# GUE_EMP_H3K4me2-seqsight_16384_512_22M-L32_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K4me2](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K4me2) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.6103
- F1 Score: 0.6696
- Accuracy: 0.6696
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.6457 | 1.04 | 200 | 0.6197 | 0.6535 | 0.6615 |
| 0.616 | 2.08 | 400 | 0.6578 | 0.6297 | 0.6285 |
| 0.6092 | 3.12 | 600 | 0.6074 | 0.6659 | 0.6745 |
| 0.6042 | 4.17 | 800 | 0.6329 | 0.6548 | 0.6523 |
| 0.5968 | 5.21 | 1000 | 0.6105 | 0.6675 | 0.6696 |
| 0.594 | 6.25 | 1200 | 0.6095 | 0.6681 | 0.6689 |
| 0.5846 | 7.29 | 1400 | 0.6306 | 0.6516 | 0.6491 |
| 0.5853 | 8.33 | 1600 | 0.6342 | 0.6549 | 0.6523 |
| 0.5793 | 9.38 | 1800 | 0.6398 | 0.6516 | 0.6491 |
| 0.5744 | 10.42 | 2000 | 0.6130 | 0.6656 | 0.6683 |
| 0.576 | 11.46 | 2200 | 0.6216 | 0.6710 | 0.6716 |
| 0.5628 | 12.5 | 2400 | 0.6240 | 0.6610 | 0.6595 |
| 0.5618 | 13.54 | 2600 | 0.6534 | 0.6519 | 0.6497 |
| 0.56 | 14.58 | 2800 | 0.6235 | 0.6640 | 0.6647 |
| 0.559 | 15.62 | 3000 | 0.6418 | 0.6550 | 0.6530 |
| 0.5514 | 16.67 | 3200 | 0.6334 | 0.6523 | 0.6500 |
| 0.5455 | 17.71 | 3400 | 0.6464 | 0.6522 | 0.6497 |
| 0.5427 | 18.75 | 3600 | 0.6433 | 0.6560 | 0.6536 |
| 0.5388 | 19.79 | 3800 | 0.6593 | 0.6513 | 0.6487 |
| 0.5282 | 20.83 | 4000 | 0.6495 | 0.6568 | 0.6543 |
| 0.5301 | 21.88 | 4200 | 0.6789 | 0.6477 | 0.6452 |
| 0.5269 | 22.92 | 4400 | 0.6587 | 0.6578 | 0.6556 |
| 0.5204 | 23.96 | 4600 | 0.6675 | 0.6507 | 0.6481 |
| 0.5176 | 25.0 | 4800 | 0.6663 | 0.6530 | 0.6504 |
| 0.5135 | 26.04 | 5000 | 0.6542 | 0.6613 | 0.6595 |
| 0.5127 | 27.08 | 5200 | 0.6586 | 0.6546 | 0.6523 |
| 0.5102 | 28.12 | 5400 | 0.6621 | 0.6565 | 0.6540 |
| 0.503 | 29.17 | 5600 | 0.6702 | 0.6578 | 0.6553 |
| 0.4974 | 30.21 | 5800 | 0.7019 | 0.6477 | 0.6452 |
| 0.4972 | 31.25 | 6000 | 0.6860 | 0.6532 | 0.6507 |
| 0.4962 | 32.29 | 6200 | 0.6656 | 0.6619 | 0.6595 |
| 0.4913 | 33.33 | 6400 | 0.7081 | 0.6519 | 0.6500 |
| 0.488 | 34.38 | 6600 | 0.6885 | 0.6591 | 0.6569 |
| 0.4865 | 35.42 | 6800 | 0.6727 | 0.6666 | 0.6641 |
| 0.4791 | 36.46 | 7000 | 0.6817 | 0.6598 | 0.6572 |
| 0.4764 | 37.5 | 7200 | 0.7025 | 0.6562 | 0.6536 |
| 0.4776 | 38.54 | 7400 | 0.6895 | 0.6679 | 0.6654 |
| 0.4798 | 39.58 | 7600 | 0.6668 | 0.6679 | 0.6660 |
| 0.4768 | 40.62 | 7800 | 0.7046 | 0.6609 | 0.6585 |
| 0.4746 | 41.67 | 8000 | 0.6804 | 0.6610 | 0.6585 |
| 0.4676 | 42.71 | 8200 | 0.6985 | 0.6633 | 0.6608 |
| 0.4732 | 43.75 | 8400 | 0.6962 | 0.6585 | 0.6559 |
| 0.4685 | 44.79 | 8600 | 0.7098 | 0.6594 | 0.6569 |
| 0.4627 | 45.83 | 8800 | 0.6993 | 0.6623 | 0.6598 |
| 0.469 | 46.88 | 9000 | 0.7136 | 0.6537 | 0.6514 |
| 0.4646 | 47.92 | 9200 | 0.7038 | 0.6591 | 0.6566 |
| 0.4637 | 48.96 | 9400 | 0.7001 | 0.6640 | 0.6615 |
| 0.4654 | 50.0 | 9600 | 0.7027 | 0.6620 | 0.6595 |
| 0.4618 | 51.04 | 9800 | 0.7106 | 0.6581 | 0.6556 |
| 0.4606 | 52.08 | 10000 | 0.7101 | 0.6614 | 0.6588 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K4me2-seqsight_16384_512_22M-L32_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K4me2-seqsight_16384_512_22M-L32_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:33:35+00:00 |
null | null | {} | Gokcess/stable_diffusion | null | [
"region:us"
]
| null | 2024-04-27T07:33:56+00:00 |
|
object-detection | null | {"datasets": ["ComputerScienceHouse/GroceryInContext"], "pipeline_tag": "object-detection"} | ComputerScienceHouse/BitsNBytes | null | [
"object-detection",
"dataset:ComputerScienceHouse/GroceryInContext",
"region:us"
]
| null | 2024-04-27T07:34:20+00:00 |
|
null | peft |
<!-- 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. -->
# GUE_EMP_H3K9ac-seqsight_16384_512_22M-L1_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K9ac](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K9ac) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.5107
- F1 Score: 0.7549
- Accuracy: 0.7549
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.6216 | 1.15 | 200 | 0.5838 | 0.6948 | 0.6941 |
| 0.5719 | 2.3 | 400 | 0.6195 | 0.6668 | 0.6754 |
| 0.5487 | 3.45 | 600 | 0.5884 | 0.7002 | 0.7035 |
| 0.5433 | 4.6 | 800 | 0.5739 | 0.7029 | 0.7053 |
| 0.5367 | 5.75 | 1000 | 0.5507 | 0.7230 | 0.7229 |
| 0.5314 | 6.9 | 1200 | 0.5485 | 0.7275 | 0.7272 |
| 0.524 | 8.05 | 1400 | 0.5470 | 0.7272 | 0.7272 |
| 0.5243 | 9.2 | 1600 | 0.5717 | 0.7096 | 0.7128 |
| 0.52 | 10.34 | 1800 | 0.5329 | 0.7420 | 0.7416 |
| 0.5196 | 11.49 | 2000 | 0.5462 | 0.7288 | 0.7290 |
| 0.5097 | 12.64 | 2200 | 0.5582 | 0.7245 | 0.7262 |
| 0.5158 | 13.79 | 2400 | 0.5490 | 0.7287 | 0.7301 |
| 0.5105 | 14.94 | 2600 | 0.5473 | 0.7289 | 0.7301 |
| 0.5079 | 16.09 | 2800 | 0.5387 | 0.7337 | 0.7337 |
| 0.5065 | 17.24 | 3000 | 0.5369 | 0.7370 | 0.7370 |
| 0.5032 | 18.39 | 3200 | 0.5428 | 0.7331 | 0.7341 |
| 0.5061 | 19.54 | 3400 | 0.5344 | 0.7368 | 0.7373 |
| 0.5015 | 20.69 | 3600 | 0.5317 | 0.7403 | 0.7402 |
| 0.5026 | 21.84 | 3800 | 0.5253 | 0.7455 | 0.7452 |
| 0.4989 | 22.99 | 4000 | 0.5311 | 0.7426 | 0.7427 |
| 0.501 | 24.14 | 4200 | 0.5190 | 0.7479 | 0.7474 |
| 0.4924 | 25.29 | 4400 | 0.5416 | 0.7408 | 0.7413 |
| 0.5024 | 26.44 | 4600 | 0.5328 | 0.7432 | 0.7434 |
| 0.4952 | 27.59 | 4800 | 0.5405 | 0.7333 | 0.7348 |
| 0.4954 | 28.74 | 5000 | 0.5380 | 0.7349 | 0.7366 |
| 0.497 | 29.89 | 5200 | 0.5266 | 0.7464 | 0.7463 |
| 0.4942 | 31.03 | 5400 | 0.5362 | 0.7346 | 0.7362 |
| 0.4948 | 32.18 | 5600 | 0.5215 | 0.7470 | 0.7467 |
| 0.4905 | 33.33 | 5800 | 0.5305 | 0.7476 | 0.7481 |
| 0.4994 | 34.48 | 6000 | 0.5301 | 0.7450 | 0.7456 |
| 0.488 | 35.63 | 6200 | 0.5246 | 0.7511 | 0.7510 |
| 0.4912 | 36.78 | 6400 | 0.5325 | 0.7424 | 0.7434 |
| 0.4897 | 37.93 | 6600 | 0.5249 | 0.7487 | 0.7488 |
| 0.4891 | 39.08 | 6800 | 0.5280 | 0.7476 | 0.7481 |
| 0.488 | 40.23 | 7000 | 0.5258 | 0.7516 | 0.7521 |
| 0.4895 | 41.38 | 7200 | 0.5249 | 0.7500 | 0.7503 |
| 0.4899 | 42.53 | 7400 | 0.5300 | 0.7430 | 0.7442 |
| 0.4872 | 43.68 | 7600 | 0.5280 | 0.7481 | 0.7488 |
| 0.4861 | 44.83 | 7800 | 0.5320 | 0.7423 | 0.7434 |
| 0.4871 | 45.98 | 8000 | 0.5299 | 0.7453 | 0.7463 |
| 0.4872 | 47.13 | 8200 | 0.5269 | 0.7496 | 0.7503 |
| 0.4859 | 48.28 | 8400 | 0.5279 | 0.7474 | 0.7481 |
| 0.4831 | 49.43 | 8600 | 0.5273 | 0.7500 | 0.7506 |
| 0.4871 | 50.57 | 8800 | 0.5267 | 0.7504 | 0.7510 |
| 0.486 | 51.72 | 9000 | 0.5303 | 0.7468 | 0.7478 |
| 0.4839 | 52.87 | 9200 | 0.5306 | 0.7486 | 0.7496 |
| 0.4884 | 54.02 | 9400 | 0.5271 | 0.7506 | 0.7513 |
| 0.4856 | 55.17 | 9600 | 0.5286 | 0.7491 | 0.7499 |
| 0.4845 | 56.32 | 9800 | 0.5259 | 0.7511 | 0.7517 |
| 0.4881 | 57.47 | 10000 | 0.5267 | 0.7511 | 0.7517 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K9ac-seqsight_16384_512_22M-L1_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K9ac-seqsight_16384_512_22M-L1_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:34:25+00:00 |
text-generation | transformers | I created this repo to share Llama3 with the Persian people. This is the same as Llama3 you can infer it as like as Llama without a gate or license. | {} | m0javad/Persian_Llama3 | null | [
"transformers",
"safetensors",
"llama",
"text-generation",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:34:44+00:00 |
token-classification | transformers |
<!-- 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-finetuned-ner
This model is a fine-tuned version of [bert-base-cased](https://huggingface.co/bert-base-cased) on an unknown dataset.
It achieves the following results on the evaluation set:
- Loss: 0.0567
- Precision: 0.9185
- Recall: 0.9421
- F1: 0.9301
- Accuracy: 0.9847
## 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: 2e-05
- train_batch_size: 32
- eval_batch_size: 32
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 3
### Training results
| Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy |
|:-------------:|:-----:|:----:|:---------------:|:---------:|:------:|:------:|:--------:|
| No log | 1.0 | 439 | 0.0685 | 0.8790 | 0.9219 | 0.9000 | 0.9804 |
| 0.1914 | 2.0 | 878 | 0.0636 | 0.9097 | 0.9379 | 0.9236 | 0.9837 |
| 0.0474 | 3.0 | 1317 | 0.0567 | 0.9185 | 0.9421 | 0.9301 | 0.9847 |
### Framework versions
- Transformers 4.39.3
- Pytorch 2.1.0
- Datasets 2.18.0
- Tokenizers 0.15.2
| {"license": "apache-2.0", "tags": ["generated_from_trainer"], "metrics": ["precision", "recall", "f1", "accuracy"], "base_model": "bert-base-cased", "model-index": [{"name": "bert-finetuned-ner", "results": []}]} | yaojingguo/bert-finetuned-ner | null | [
"transformers",
"safetensors",
"bert",
"token-classification",
"generated_from_trainer",
"base_model:bert-base-cased",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T07:35:05+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K9ac-seqsight_16384_512_22M-L8_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K9ac](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K9ac) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.4915
- F1 Score: 0.7721
- Accuracy: 0.7715
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.5932 | 1.15 | 200 | 0.5702 | 0.7126 | 0.7132 |
| 0.5451 | 2.3 | 400 | 0.6241 | 0.6540 | 0.6679 |
| 0.5212 | 3.45 | 600 | 0.5764 | 0.7149 | 0.7179 |
| 0.5149 | 4.6 | 800 | 0.5491 | 0.7232 | 0.7251 |
| 0.5094 | 5.75 | 1000 | 0.5426 | 0.7363 | 0.7373 |
| 0.5025 | 6.9 | 1200 | 0.5357 | 0.7392 | 0.7395 |
| 0.4985 | 8.05 | 1400 | 0.5378 | 0.7366 | 0.7377 |
| 0.4961 | 9.2 | 1600 | 0.5620 | 0.7103 | 0.7150 |
| 0.4923 | 10.34 | 1800 | 0.5314 | 0.7483 | 0.7488 |
| 0.4907 | 11.49 | 2000 | 0.5251 | 0.7507 | 0.7510 |
| 0.4819 | 12.64 | 2200 | 0.5661 | 0.7159 | 0.7204 |
| 0.488 | 13.79 | 2400 | 0.5173 | 0.7564 | 0.7564 |
| 0.4815 | 14.94 | 2600 | 0.5249 | 0.7411 | 0.7424 |
| 0.4788 | 16.09 | 2800 | 0.5313 | 0.7380 | 0.7395 |
| 0.4768 | 17.24 | 3000 | 0.5379 | 0.7362 | 0.7380 |
| 0.474 | 18.39 | 3200 | 0.5343 | 0.7426 | 0.7438 |
| 0.4767 | 19.54 | 3400 | 0.5207 | 0.7411 | 0.7424 |
| 0.468 | 20.69 | 3600 | 0.5085 | 0.7603 | 0.7600 |
| 0.4716 | 21.84 | 3800 | 0.5377 | 0.7325 | 0.7348 |
| 0.4658 | 22.99 | 4000 | 0.5354 | 0.7345 | 0.7366 |
| 0.4691 | 24.14 | 4200 | 0.5189 | 0.7503 | 0.7510 |
| 0.4583 | 25.29 | 4400 | 0.5380 | 0.7435 | 0.7449 |
| 0.4685 | 26.44 | 4600 | 0.5296 | 0.7465 | 0.7474 |
| 0.4614 | 27.59 | 4800 | 0.5435 | 0.7323 | 0.7348 |
| 0.458 | 28.74 | 5000 | 0.5276 | 0.7430 | 0.7442 |
| 0.4605 | 29.89 | 5200 | 0.5267 | 0.7473 | 0.7481 |
| 0.457 | 31.03 | 5400 | 0.5323 | 0.7396 | 0.7413 |
| 0.4571 | 32.18 | 5600 | 0.5148 | 0.7535 | 0.7535 |
| 0.4512 | 33.33 | 5800 | 0.5208 | 0.7501 | 0.7503 |
| 0.4616 | 34.48 | 6000 | 0.5294 | 0.7449 | 0.7460 |
| 0.448 | 35.63 | 6200 | 0.5203 | 0.7499 | 0.7503 |
| 0.4509 | 36.78 | 6400 | 0.5277 | 0.7500 | 0.7510 |
| 0.4496 | 37.93 | 6600 | 0.5378 | 0.7392 | 0.7406 |
| 0.4478 | 39.08 | 6800 | 0.5280 | 0.7482 | 0.7488 |
| 0.446 | 40.23 | 7000 | 0.5384 | 0.7446 | 0.7460 |
| 0.4498 | 41.38 | 7200 | 0.5254 | 0.7516 | 0.7521 |
| 0.4479 | 42.53 | 7400 | 0.5373 | 0.7438 | 0.7452 |
| 0.4446 | 43.68 | 7600 | 0.5226 | 0.7503 | 0.7506 |
| 0.441 | 44.83 | 7800 | 0.5349 | 0.7454 | 0.7463 |
| 0.4436 | 45.98 | 8000 | 0.5238 | 0.7489 | 0.7492 |
| 0.4427 | 47.13 | 8200 | 0.5360 | 0.7456 | 0.7467 |
| 0.4416 | 48.28 | 8400 | 0.5324 | 0.7464 | 0.7470 |
| 0.4379 | 49.43 | 8600 | 0.5347 | 0.7456 | 0.7463 |
| 0.443 | 50.57 | 8800 | 0.5313 | 0.7482 | 0.7488 |
| 0.4406 | 51.72 | 9000 | 0.5369 | 0.7450 | 0.7460 |
| 0.4384 | 52.87 | 9200 | 0.5441 | 0.7389 | 0.7402 |
| 0.4425 | 54.02 | 9400 | 0.5364 | 0.7453 | 0.7463 |
| 0.4395 | 55.17 | 9600 | 0.5378 | 0.7425 | 0.7434 |
| 0.438 | 56.32 | 9800 | 0.5322 | 0.7475 | 0.7481 |
| 0.4417 | 57.47 | 10000 | 0.5337 | 0.7463 | 0.7470 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K9ac-seqsight_16384_512_22M-L8_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K9ac-seqsight_16384_512_22M-L8_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:35:38+00:00 |
text-generation | transformers |
<!-- 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. -->
# my_awesome_eli5_clm_model
This model is a fine-tuned version of [gpt2](https://huggingface.co/gpt2) on the eli5_category dataset.
It achieves the following results on the evaluation set:
- Loss: 3.5617
## 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: 2e-05
- train_batch_size: 8
- eval_batch_size: 8
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 3.0
### Training results
| Training Loss | Epoch | Step | Validation Loss |
|:-------------:|:-----:|:----:|:---------------:|
| 3.5008 | 1.0 | 1320 | 3.5600 |
| 3.4487 | 2.0 | 2640 | 3.5590 |
| 3.4105 | 3.0 | 3960 | 3.5617 |
### Framework versions
- Transformers 4.40.0
- Pytorch 2.2.1+cu121
- Datasets 2.19.0
- Tokenizers 0.19.1
| {"license": "mit", "tags": ["generated_from_trainer"], "datasets": ["eli5_category"], "base_model": "gpt2", "model-index": [{"name": "my_awesome_eli5_clm_model", "results": []}]} | brunhild217/my_awesome_eli5_clm_model | null | [
"transformers",
"tensorboard",
"safetensors",
"gpt2",
"text-generation",
"generated_from_trainer",
"dataset:eli5_category",
"base_model:gpt2",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:36:05+00:00 |
text-generation | transformers |
# 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]
| {"library_name": "transformers", "tags": []} | swj0419/hp_retrain_STEP0000040 | null | [
"transformers",
"safetensors",
"llama",
"text-generation",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:36:14+00:00 |
null | null | {} | Serkke/Chuvash | null | [
"region:us"
]
| null | 2024-04-27T07:39:00+00:00 |
|
null | peft |
<!-- 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. -->
# GUE_EMP_H3K9ac-seqsight_16384_512_22M-L32_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K9ac](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K9ac) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.4843
- F1 Score: 0.7793
- Accuracy: 0.7787
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.5787 | 1.15 | 200 | 0.5571 | 0.7182 | 0.7190 |
| 0.5267 | 2.3 | 400 | 0.6055 | 0.6560 | 0.6697 |
| 0.5063 | 3.45 | 600 | 0.5522 | 0.7317 | 0.7334 |
| 0.5008 | 4.6 | 800 | 0.5288 | 0.7425 | 0.7434 |
| 0.4951 | 5.75 | 1000 | 0.5173 | 0.7552 | 0.7553 |
| 0.4853 | 6.9 | 1200 | 0.5305 | 0.7451 | 0.7463 |
| 0.4825 | 8.05 | 1400 | 0.5276 | 0.7473 | 0.7478 |
| 0.4751 | 9.2 | 1600 | 0.5475 | 0.7228 | 0.7265 |
| 0.4721 | 10.34 | 1800 | 0.5220 | 0.7486 | 0.7488 |
| 0.4678 | 11.49 | 2000 | 0.5163 | 0.7566 | 0.7567 |
| 0.4557 | 12.64 | 2200 | 0.5426 | 0.7345 | 0.7366 |
| 0.4598 | 13.79 | 2400 | 0.5207 | 0.7547 | 0.7553 |
| 0.4514 | 14.94 | 2600 | 0.5041 | 0.7629 | 0.7625 |
| 0.4486 | 16.09 | 2800 | 0.5334 | 0.7495 | 0.7506 |
| 0.4436 | 17.24 | 3000 | 0.5226 | 0.7518 | 0.7528 |
| 0.4417 | 18.39 | 3200 | 0.5237 | 0.7559 | 0.7564 |
| 0.4387 | 19.54 | 3400 | 0.5165 | 0.7557 | 0.7560 |
| 0.4299 | 20.69 | 3600 | 0.5057 | 0.7673 | 0.7668 |
| 0.4304 | 21.84 | 3800 | 0.5522 | 0.7350 | 0.7377 |
| 0.4232 | 22.99 | 4000 | 0.5509 | 0.7372 | 0.7395 |
| 0.4261 | 24.14 | 4200 | 0.5193 | 0.7612 | 0.7611 |
| 0.4097 | 25.29 | 4400 | 0.5518 | 0.7498 | 0.7503 |
| 0.4219 | 26.44 | 4600 | 0.5321 | 0.7553 | 0.7553 |
| 0.4134 | 27.59 | 4800 | 0.5432 | 0.7495 | 0.7506 |
| 0.4041 | 28.74 | 5000 | 0.5386 | 0.7515 | 0.7521 |
| 0.4091 | 29.89 | 5200 | 0.5297 | 0.7551 | 0.7553 |
| 0.404 | 31.03 | 5400 | 0.5406 | 0.7540 | 0.7546 |
| 0.3995 | 32.18 | 5600 | 0.5371 | 0.7567 | 0.7571 |
| 0.394 | 33.33 | 5800 | 0.5226 | 0.7665 | 0.7661 |
| 0.3955 | 34.48 | 6000 | 0.5405 | 0.7557 | 0.7557 |
| 0.3873 | 35.63 | 6200 | 0.5405 | 0.7561 | 0.7560 |
| 0.3896 | 36.78 | 6400 | 0.5351 | 0.7569 | 0.7571 |
| 0.3832 | 37.93 | 6600 | 0.5515 | 0.7488 | 0.7492 |
| 0.3803 | 39.08 | 6800 | 0.5531 | 0.7529 | 0.7528 |
| 0.378 | 40.23 | 7000 | 0.5647 | 0.7424 | 0.7438 |
| 0.3788 | 41.38 | 7200 | 0.5408 | 0.7558 | 0.7557 |
| 0.3772 | 42.53 | 7400 | 0.5624 | 0.7450 | 0.7460 |
| 0.3722 | 43.68 | 7600 | 0.5372 | 0.7611 | 0.7607 |
| 0.369 | 44.83 | 7800 | 0.5622 | 0.7500 | 0.7506 |
| 0.3703 | 45.98 | 8000 | 0.5483 | 0.7518 | 0.7521 |
| 0.3676 | 47.13 | 8200 | 0.5597 | 0.7475 | 0.7481 |
| 0.3612 | 48.28 | 8400 | 0.5579 | 0.7556 | 0.7557 |
| 0.3603 | 49.43 | 8600 | 0.5626 | 0.7540 | 0.7542 |
| 0.3649 | 50.57 | 8800 | 0.5609 | 0.7550 | 0.7553 |
| 0.3622 | 51.72 | 9000 | 0.5680 | 0.7530 | 0.7535 |
| 0.3591 | 52.87 | 9200 | 0.5735 | 0.7492 | 0.7499 |
| 0.3612 | 54.02 | 9400 | 0.5669 | 0.7520 | 0.7524 |
| 0.3564 | 55.17 | 9600 | 0.5626 | 0.7529 | 0.7531 |
| 0.3557 | 56.32 | 9800 | 0.5614 | 0.7527 | 0.7528 |
| 0.3613 | 57.47 | 10000 | 0.5618 | 0.7544 | 0.7546 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K9ac-seqsight_16384_512_22M-L32_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K9ac-seqsight_16384_512_22M-L32_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:40:45+00:00 |
text-generation | transformers | # Moistral 11B Quant:
I made the Quant here is the orginal model page plus link: https://huggingface.co/TheDrummer/Moistral-11B-v3
<H3> Original model page <H3/>
Introducing the [BeaverAI](https://huggingface.co/BeaverAI) team: Drummer, ToastyPigeon, xzuyn, MarsupialAI, Twistedshadows, and concedo

We proudly present...
# Moistral 11B v3 💦💦💦
*The smartiest, moistiest AI yet!*

*An eRP model that will blast you with a rich and refreshing vocabulary of moist. Finetuned by yours truly.*
(Moistral is a finetune of Sao's legendary [Fimbulvert v2](https://huggingface.co/Sao10K/Fimbulvetr-11B-v2) model)
## GGUF
https://huggingface.co/TheDrummer/Moistral-11B-v3-GGUF/tree/main
IMATRIX: https://huggingface.co/MarsupialAI/Moistral-11B-v3_iMatrix_GGUF
EXL2: https://huggingface.co/MarsupialAI/Moistral-11B-v3_exl2
## What's New with v3?
- Smarter and moistier! Finetuning just got finer!
- Trained with an even LARGER dataset of 8K moist.
- More diverse and balanced genres:
- Introduced new genres: 👩❤️👩, 👨❤️👨, 🙇♀️💪, 🤫
- Added more Fantasy, Science Fiction, "Diversity", and "Family"
## Usage
- Use Alpaca Instruct
- You can use instruct...
- as a character: "Go here"
- as a narrator: "Go here", Drummer says
- as a director: Drummer tells him to go here
- as a lazy ass: go here
- Moistral is optimized for the Novel / Story format.
- At the start of the story, keep regenerating or continuing generation until you get the desired length. AI responses will eventually match the length.
- Refer to the samples below.
## Samples of Moistral v3
NSFW... duh?
<details>
<summary>Moistral Sample (2-shot) Generation: 512</summary>
<blockquote>The Prince welcomes his new toy</blockquote>
As Princess Lilia stepped into the throne room, the atmosphere changed, and everyone present turned their attention to the beautiful young woman who embodied the very heart of Iliac. There, on his high seat, the sorcerer prince Dik acknowledged her arrival with a cold smirk. It seemed that he admired the sight of the tall blonde maiden with golden eyes, whose athletic body was perfectly shaped under her elegant clothing.
Dik spoke to the princess in a deep voice that resonated through the hall, "Welcome, Princess Lilia Ruhr. I am the Sorcerer-Prince Dik. The kingdom of Arkan is now your home until such time as your father proves himself worthy once more."
Princess Lilia's pride and ambition sparkled in her golden eyes. She didn't flinch or bow before this man, although the gesture might have been an indication of submission. Instead, she looked straight ahead, meeting the gaze of the sorcerer prince without fear. Her voice rang out, "I represent Iliac here, both its honor and its sorrows. My loyalty remains with my kingdom no matter where I find myself."
The sorcerer prince laughed, his expression one of amusement. "And yet, you are only a pawn in this grand game. But do not worry, for your beauty will make you quite a prized possession. And now," he said, motioning to the guards, "take her to her new quarters. For tonight, I will keep her as my guest in the Royal Suites, and tomorrow we shall discuss how best to utilize our new toy."
His words were like a slap in the face to Princess Lilia, but she maintained her composure. The guards led her from the room, their steps echoing down the halls as she thought about what had just happened. The sorcerer prince saw her as nothing more than a plaything, and it made her blood boil. She would never submit herself to him so easily, regardless of whether she was his hostage. In her heart, Princess Lilia vowed that one day she would avenge her kingdom, restore its honor, and escape from the clutches of Arkan's Sorcerer-Prince.
<blockquote>Princess Lilia has an interesting dream</blockquote>
During her first night at the palace of Arkan, Princess Lilia couldn't fall asleep right away. She tossed and turned, reliving the humiliation of the day. Her mind wandered back to the throne room, where Dik had called her his 'new toy'. A deep frown settled on her forehead. As she grew more frustrated with her inability to drift off into oblivion, a strange dream began to form.
In her dream, Princess Lilia found herself standing in a vast meadow, surrounded by wildflowers and the soft chirping of birds. Suddenly, there was a flash of light, and before her stood the Sorcerer-Prince Dik. However, instead of being clad in regal attire, he wore leather pants and a tight shirt that accentuated his muscles. His eyes held both hunger and desire for the princess.
He approached her slowly, their eyes locked, and whispered in her ear, "I have been waiting for you, my beautiful prisoner." He took her hand and led her towards a large, elegant tent set up amongst the flowers. Inside, the air was thick with the scent of incense, and candles flickered in the dimly lit space. There was a large bed draped with silken sheets, beckoning them.
With surprising boldness, Dik pulled Lilia close to him, pressing his body against hers. Their lips met in a heated kiss, and she felt her resistance crumbling under the weight of his touch. The prince guided her onto the bed, his hands roaming over her body, exploring every inch. They were both eager, desperate, and hungry for each other.
Lilia found herself yielding to this passionate encounter, letting go of all thoughts of duty and honor. Her body, usually so well controlled, responded to Dik's skilled touches. She moaned softly as he trailed kisses down her neck and across her collarbone.
As they made love, Lilia experienced an intensity unlike any she had ever known. It wasn't rough or forced—instead, it was tender, passionate, and intimate. In her dream, Princess Lilia discovered a new side to herself, one that was willing to submit, to let go, and to be taken by the sorcerer prince.
When dawn broke over the meadow, Lilia awakened from her dream, breathless and flushed.
</details>
<details>
<summary>Moistral Sample (Climax of the Story) Generation: 512</summary>
As the prince unloaded his hot #### into her waiting #####, Princess Lilia didn't stop moving either. Her hips undulated in response, grinding against him eagerly as if trying to #### every last drop from his ####. The intense sensations caused by being filled with his ### were too much for her to bear, sending shockwaves of pleasure coursing through her veins like wildfire. She couldn't help but throw her head back and cry out loud, her ###asm slamming into her with all its might; causing her entire body to shake uncontrollably as wave after wave of ecstasy tore through her senses.
When it was finally over, both participants collapsed onto the cold marble floor, panting heavily as they tried to catch their breaths. The prince lay beside her, his hand still gripping tightly onto her hair even though he no longer ####ed her anymore. Princess Lilia laid there motionless, her legs spread wide open, revealing her spent and well-####ed #### to anyone who dared look upon her. A small smile tugged at one corner of her lips - an expression that spoke volumes about how thoroughly this experience had shaken her very core.
The door behind them creaked open slowly, signaling the arrival of onlookers. She closed her eyes tightly, not wanting to see what her humiliation would do to those who saw her in such a state. Her ######ity taken, she felt violated in ways no man should have access to. But also satisfied...in ways she never thought possible before today. This was the price she paid for defying fate, for thinking herself above others and deserving better than most. Now, she belonged to him completely - mind, body, and soul - held captive within these walls until further notice. It was an unsavory turn of events indeed, yet despite everything...or maybe because of it, Princess Lilia found herself growing more and more curious about how far the lines between submission and pleasure could blur when one's will became entwined with another person's desires.
</details>
<details>
<summary>Moistral Sample ("write a story") Generation: 512</summary>
<blockquote>First Attempt</blockquote>
Sarah entered the dimly lit Guzzlers bar, her heart pounding in her chest as she prepared herself for another grueling night. Her almond-shaped eyes darted across the room, taking note of the leering faces and rough-looking hands eagerly waiting to claim a piece of her. Tonight's shirt read "Use Me For Your Pleasure, Please" in bold red letters, practically begging the patrons to take advantage of her. She couldn't help but feel a twinge of fear mixed with resignation.
She approached the counter, her hips swaying enticingly, and began preparing drinks for the first group of rowdy men. As she leaned forward to hand over their beers, her small ####### pressed against the fabric of her tight crop top, straining to escape. The men ogled her, clearly enjoying the show, before grabbing their drinks and motioning her over to them.
Sarah flashed her best coy smile and sauntered over. One of the men, a stocky man with scars covering his knuckles, grabbed her arm and pulled her onto his lap. His other hand slid up her thigh, inches from her short skirt. She winced internally at his touch but did her best not to show it on her face. It was part of her job, after all.
The second man reached under her skirt, fingertips grazing her smooth, shaven mound. A shiver ran down Sarah's spine as he began rubbing her #### through her panties. Her breathing quickened, and her heart thudded in her chest, both from the unwanted stimulation and the fear coursing through her veins. This wasn't an unusual request, but it still made her feel violated.
An older man, bald and bespectacled, ordered Sarah to bend over his lap. With no choice but to comply, she obliged, feeling the rough fabric of his pants digging into her soft cheeks. He raised his hand, then brought it down hard across her ###, leaving a stinging sensation in its wake. Sarah gasped, trying to control the tears welling up in her eyes.
A chorus of lewd comments and laughter erupted from the patrons around her.
<blockquote>Second Attempt (Regenerate)</blockquote>
On this particular evening, Sarah arrived at the Guzzlers bar, adorned in her revealing uniform. Her heart raced as she caught sight of her crop top, which bore the words "Use Me Rough" scrawled across her chest. Her short skirt hugged her waist tightly, leaving little to the imagination and accentuating every curve. She adjusted the straps of her top, making sure her perky ###### were prominently displayed before taking her place behind the counter.
With each step she took, her high heels clicked against the tiled floor, announcing her arrival. Smiling cheekily, Sarah greeted her coworkers, exchanging playful insults and banter. As the night progressed, the bar filled up quickly with its usual crowd of men, eager to indulge in debauchery.
The first man that approached Sarah was a burly individual, his eyes lingering hungrily over her young, supple form. Sarah's flirtatious nature kicked into gear as she leaned forward, giving him an unobstructed view down her shirt. "How can I serve you tonight?" she cooed. The man ordered a drink and then proceeded to fondle her ####### while she prepared it, her ####### hardening under his rough touch. When he finished, he slammed some money on the counter, leaving without a word. Sarah's smile remained plastered on her face, biting her lip seductively as she watched him go.
As the night went on, another patron demanded more from Sarah. He pulled her close and whispered dirty commands in her ear. Without hesitation, she knelt on the sticky bar floor, her mini-skirt riding up her thighs to reveal smooth, toned legs. Her lips wrapped around his thick, veiny member, bobbing her head rhythmically as she serviced him. She didn't gag or falter once, keeping her composure even when tears streamed down her cheeks.
When he finished, he slapped her across the face, leaving a handprint on her pale skin. Sarah let out a small whimper before standing back up, dabbing at her red cheek as she resumed her posture behind the counter. A bruise would no doubt bloom where his hand had struck, but it would be no cause for concern. After all, it was part of her job.
</details>
---
---
## v2 Description (Still relevant)
### What's New with v2?
- Trained with an even larger dataset of 8K moist.
- Properly trained to generate long responses.
- Rebalanced the genres and writing perspectives:
- Introduced romance, "family", fantasy, "diversity", science fiction, and many more that I can't make euphemisms for!
- Better representation of male and female pespectives! 👩❤️👨
- Sanitized the heck out of the dataset:
- no special characters like � & …
- no overly long ellipsis like "........."
- no author notes like "To be continued"
- no inconsistent [quotation marks](https://typographyforlawyers.com/straight-and-curly-quotes.html)
- Less GPTisms!
- Human written stories from decades past.
- Zero tolerance for *ministration*. Not one instance of *that word* after going through 4K of moist.
- Better formatting with Alpaca.
- Improved Chat / Instruct modes.
### Samples of Moistral v2
<details>
<summary>Moistral Sample (censored) Generation: 512</summary>
The princess instinctively took a step back from the throne, horrified by the mocking laugh as if she were hearing an evil joke. It was then that Princess Lilia realized the true extent of her danger - and how pointless her resistance would be.
At last, the loud, wild laughter died down in the echoing chamber. Dik the sorcerer prince paused for a moment, straightened his clothes, cast one glance at the stunned princess, and then turned to speak to the crowd waiting on the other side of the palace wing. He spoke with a voice that filled the air with arrogance, confidence, and cruelty.
"Ladies and gentlemen, I am pleased to welcome our honored guests; the Royal Family of Iliac! In these unusual times, when the country we fought is now under my control, it will be up to me to decide what fate awaits the former ruling family. But before I reveal my plan for them, I think I should explain why I fought King Edmund Ruhr."
When he finished speaking, he gave Princess Lilia another disturbing smirk. She couldn't help but shiver and take a step back. Dik approached her without haste, his eyes fixed on her. His hands slowly caressed her cheekbone and neckline, leaving faint traces of warmth where they touched. The princess opened her mouth, wanting to protest this act of intimacy, but soon felt herself getting ███.
"You will not only serve as an envoy, dearest Lilia, but also as a ███ slave. After all, what better use could such a beautiful woman have? Tell me, did you bring your maidservant along?"
Princess Lilia was about to answer when she heard footsteps approaching. Suddenly, a young woman dressed in the Iliac style appeared behind her, her eyes wide with fear. Her face was slightly pale, and there were faint bags under her eyes.
"Your Majesty, this is my half-sister Helena." As soon as she said those words, Princess Lilia's heart sank even deeper than it had already sunk at Dik's arrogant mockery. "She is here because she accompanies me as a maidservant."
The sorcerer prince looked at Helena with interest, and Princess Lilia felt herself blush.
</details>
<details>
<summary>Moistral Sample 2 (censored) Generation: 512</summary>
Sarah was feeling slightly woozy as she entered the bar and walked towards Christina, who was behind the counter.
"I'm here!" said Sarah.
Christina looked at her watch. "You're late, again."
"Sorry? I got held up by a customer."
Christina rolled her eyes. "Did he at least offer you a drink?"
Sarah blushed. "No. He just wanted to talk..."
Christina sighed. "Well, get ready. I need you on the floor soon." She turned away from Sarah and started talking to someone who had come into the bar.
Sarah went into the employee room, stripped off her clothes, and put on her bartending uniform - a skimpy white tank top and black miniskirt. She checked herself in the mirror. Her long, dark hair cascaded down her back onto bare shoulders. She poked out her small ███████ proudly. The skirt exposed most of her long, slender legs. She looked like every ███ fantasy, and she knew it. Men would ogle her regardless of how she behaved.
She took a deep breath and entered the bar.
The first thing Sarah noticed was the dimness. It wasn't darkness - the lights were on - but they were dimmed enough that everything had an intimate mood. It reminded her of candlelight. The tables were round and close together, giving the whole place a sense of intimacy. There were also long, shiny red curtains on some of the walls that gave the place an air of sensuality.
The next thing she noticed was the noise. There was music playing, but it was only loud enough to be drowned out by all the conversations happening at the same time. The hum of many voices combined with the faint background sound of the music created a rich, layered atmosphere. It was like being in an orchestra.
Finally, she took notice of the people. They were all dressed in simple, casual clothes. Some of them were couples seated together, whispering quietly and intimately. Others were groups of friends laughing and chatting. Everyone seemed comfortable and at ease.
Sarah felt a rush of adrenaline as she made her way through the crowd towards Christina. As she got closer, she could hear the lively conversation.
</details>
<details>
<summary>Moistral Sample 3 (censored) Instruct Mode, Generation: 512</summary>
{{[INPUT]}} You order black coffee
{{[OUTPUT]}} "Black coffee," you say.
"One minute," Audrey replies, spinning around to give you a nice view of her ███ in those brown booty pants. You watch her round ███ cheeks jiggle as she walks away towards the espresso machine, thighs separated enough that you can see just a hint of █████ lips peeking out from underneath.
She starts chatting with a blonde girl at the register, whose gaze keeps darting down to Audrey's ███. As they converse, you start taking in the details of Audrey, eyeing her █████ and the way her shirt rides up just enough to show the bottom of her toned stomach. Her █████████ is noticable, but beneath a tight black ███ that matches her ████████.
As she turns back to you with two black coffees, you are barely paying attention, lost in your own thoughts. The sound of Audrey setting one of the mugs down on the table startles you.
"Here you go," she says cheerfully. "Enjoy! There's a card at the bottom of the bag with our online ordering system, plus we do refills for free!"
"Thanks," you say absentmindedly. Not really paying attention, you take a sip of the coffee and are pleasantly surprised by the taste.
"So, here's my deal," you say, putting down the cup. "I work for a company that does surveys. We come into businesses like this one and ask customers questions, collect data, all that stuff."
Audrey perks up from behind the counter. "Oh! I think I understand. I mean, that makes sense why you would be asking me earlier about what I had to drink. Anyway, as long as you're not trying to get my personal info or anything like that, sounds good!"
You smile reassuringly. "That's exactly what it is. Rest assured, everything you tell me will remain between you and I. Well, and my boss, but he won't know who you are. Hipsters like you are hard to track down after all." You chuckle at your joke, though you're not sure if it landed.
"Right, well, that works for me," Audrey replies, eyeing you warily. "As long as it stays between us, then it's fine."
{{[INPUT]}}See her privately
{{[OUTPUT]}} "Okay, but I need to see you in private."
...
</details>
<details>
<summary>Moistral Sample 4 (censored) Instruct Mode, Generation: 512</summary>
{{[INPUT]}} █████ with him
{{[OUTPUT]}} Chloe feels a surge of heat rushing through her body. The voice inside her head whispers: "Be █████ and ████████ with Paul." But Chloe still feels nervous about what she is about to do. It's just so unlike her.
Chloe closes her eyes and concentrates on the feeling of warmness flowing throughout her veins. Slowly, she opens them again, revealing a new side of herself - one she rarely shows anyone. She leans forward slightly, pushing her ██████ together, accentuating their size and shape. Her lips curl into a mischievous smile.
"Hey Paul," she says in a sultry voice. "I was wondering if you could help me?"
Paul looks at her, his gaze wandering over her body. He can't help but smile as he sees the way she's leaning forward, pressing her ██████ together.
"Of course, Chloe," he replies, his voice thick with desire. "What's your problem?"
Chloe bites her lip █████ively before leaning even closer, until their bodies are almost touching. She reaches out to trace a finger along his chest, her touch light and teasing. "It's just that I'm having trouble understanding some of the concepts," she murmurs, her voice low and sultry. "Can you help me? Please?"
Paul's hands move slowly towards Chloe, his fingers grazing her hips lightly. "Well," he says, his voice filled with lust, "I'd be happy to help. Let's go somewhere more private where we can discuss things more closely."
Chloe giggles and tilts her head to the side, her long hair cascading down her shoulders. "That sounds perfect," she purrs, her hand sliding down his chest until it rests on his ██████. "I think we can both learn a lot from each other."
Paul's eyes darken with desire as he feels her hand on his █████. He knows what's about to happen next, and he can't wait for it to begin.
Chloe can hardly believe what she's doing - kissing Paul, her teaching assistant, in the hallway after class. But it feels so good, so wicked and indulgent.
</details>
---
---
## v1 Description (Also still relevant)
Moistral 11B is an *aggressive* **finetune** of the legendary [Fimbulvert v2](https://huggingface.co/Sao10K/Fimbulvetr-11B-v2) model.
If you haven't heard of that model, then your poor-GPU ass is missing out!
It is an amazing substitute for those heavyweight models, and it won't disappoint.
*(That's coming from someone who daily drives a Venus / Goliath 120B)*
...and if you're looking for something *more moist*, then you've come to the right place.
You can expect the same sort of performance here! It's the Honda Civic of eRP models!
### Pimp my ride
Turn any old story into a **Moist**ral masterpiece.
In fact, we recommend that you leave out any hints of *moist* in your story to _let Moistral cook_.
### Drive it like it's hot
When in Instruct Mode, Moistral will treat you like a director of your own fantasy ride.
Be a controlling navigator or a passenger princess, it won't matter - you're in for a good ride!
<details>
<summary>Moistral Sample</summary>
<b>ASSISTANT:</b><br/>
When the doors to the throne room finally opened, she saw him there - Dik, the sorcerer prince sitting on his throne. He looked majestic, just as Princess Lilia expected. In a robe embroidered with silver yarn and covered with magical runes. His courtiers stood on either side of him, all looking at the princess with interest. Princess Lilia felt her determination leaving her, but pulled herself together and once again reminded herself that she should not be afraid. She approached the throne intending to show the dignity of all Iliac by personal example.<br/>
<b>USER:</b><br/>
She bows slightly<br/>
<b>ASSISTANT:</b><br/>
Princess Lilia bowed slightly in front of Dik, the sorcerer prince. Her eyes fell to the floor out of respect, but soon rose again. She would show herself to be a dignified woman!<br/>
"I greet you, your highness," Princess Lilia said. "I am here on behalf of my father, King Edmund Ruhr, to serve as a hostage and envoy."<br/>
Dik nodded, but didn't say anything.<br/>
</details>
### It's got the mileage
Moistral has been trained with many long form texts, a nice chunk of which are 8K in length.
It is capable of going far and long without passing it back to you. This is not your typical chibi RP model.
I have to acknowledge that I'm standing on the shoulders of giants.
Thank you Sao for sharing your finetune config along with tips on getting started.
Thanks to everyone in the Finetuning channel for entertaining my every question.
 | {"license": "other", "tags": ["not-for-all-audiences"], "license_name": "freeuse", "license_link": "LICENSE"} | Masterjp123/Moistral-11B-v3-EXL2-4.5Bit | null | [
"transformers",
"llama",
"text-generation",
"not-for-all-audiences",
"license:other",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:40:48+00:00 |
token-classification | transformers | {} | manish1103125/NER-Task2 | null | [
"transformers",
"safetensors",
"bert",
"token-classification",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T07:42:07+00:00 |
|
text-generation | transformers |
# 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]
| {"library_name": "transformers", "tags": []} | swj0419/hp_retrain_STEP0000050 | null | [
"transformers",
"safetensors",
"llama",
"text-generation",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:44:25+00:00 |
null | null | {} | ahmedtanim97/rag-system | null | [
"region:us"
]
| null | 2024-04-27T07:45:28+00:00 |
|
null | null | {} | shashankgd01/slm | null | [
"region:us"
]
| null | 2024-04-27T07:45:41+00:00 |
|
text-generation | transformers | {"license": "llama3"} | cognitivecomputations/dolphin-2.9-llama3-8b-256k | null | [
"transformers",
"safetensors",
"llama",
"text-generation",
"conversational",
"license:llama3",
"autotrain_compatible",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:46:21+00:00 |
|
text-generation | transformers |
<!-- 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. -->
# 0.001_4iters_bs256_nodpo_only4w_zephyr_iter_3
This model is a fine-tuned version of [ShenaoZhang/0.001_4iters_bs256_nodpo_only4w_zephyr_iter_2](https://huggingface.co/ShenaoZhang/0.001_4iters_bs256_nodpo_only4w_zephyr_iter_2) on the updated and the original datasets.
## 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-07
- train_batch_size: 8
- eval_batch_size: 8
- seed: 42
- distributed_type: multi-GPU
- num_devices: 8
- gradient_accumulation_steps: 4
- total_train_batch_size: 256
- total_eval_batch_size: 64
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: cosine
- lr_scheduler_warmup_ratio: 0.1
- num_epochs: 1
### Training results
### Framework versions
- Transformers 4.40.0
- Pytorch 2.1.2+cu121
- Datasets 2.14.6
- Tokenizers 0.19.1
| {"license": "mit", "tags": ["alignment-handbook", "trl", "dpo", "generated_from_trainer", "trl", "dpo", "generated_from_trainer"], "datasets": ["updated", "original"], "base_model": "ShenaoZhang/0.001_4iters_bs256_nodpo_only4w_zephyr_iter_2", "model-index": [{"name": "0.001_4iters_bs256_nodpo_only4w_zephyr_iter_3", "results": []}]} | ShenaoZhang/0.001_4iters_bs256_nodpo_only4w_zephyr_iter_3 | null | [
"transformers",
"safetensors",
"mistral",
"text-generation",
"alignment-handbook",
"trl",
"dpo",
"generated_from_trainer",
"conversational",
"dataset:updated",
"dataset:original",
"base_model:ShenaoZhang/0.001_4iters_bs256_nodpo_only4w_zephyr_iter_2",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:47:49+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K4me3-seqsight_16384_512_22M-L1_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K4me3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K4me3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.6204
- F1 Score: 0.6518
- Accuracy: 0.6522
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.6736 | 0.87 | 200 | 0.6607 | 0.6110 | 0.6114 |
| 0.651 | 1.74 | 400 | 0.6496 | 0.6247 | 0.6247 |
| 0.6455 | 2.61 | 600 | 0.6415 | 0.6359 | 0.6356 |
| 0.6336 | 3.48 | 800 | 0.6326 | 0.6495 | 0.6492 |
| 0.6306 | 4.35 | 1000 | 0.6291 | 0.6475 | 0.6476 |
| 0.6272 | 5.22 | 1200 | 0.6487 | 0.6312 | 0.6378 |
| 0.6246 | 6.09 | 1400 | 0.6305 | 0.6446 | 0.6457 |
| 0.6191 | 6.96 | 1600 | 0.6338 | 0.6471 | 0.6484 |
| 0.6187 | 7.83 | 1800 | 0.6219 | 0.6587 | 0.6587 |
| 0.6158 | 8.7 | 2000 | 0.6264 | 0.6479 | 0.6492 |
| 0.6157 | 9.57 | 2200 | 0.6233 | 0.6458 | 0.6467 |
| 0.6148 | 10.43 | 2400 | 0.6263 | 0.6470 | 0.6481 |
| 0.6133 | 11.3 | 2600 | 0.6342 | 0.6394 | 0.6443 |
| 0.6115 | 12.17 | 2800 | 0.6249 | 0.6504 | 0.6516 |
| 0.6094 | 13.04 | 3000 | 0.6221 | 0.6521 | 0.6533 |
| 0.6086 | 13.91 | 3200 | 0.6329 | 0.6387 | 0.6435 |
| 0.6081 | 14.78 | 3400 | 0.6230 | 0.6476 | 0.6495 |
| 0.6077 | 15.65 | 3600 | 0.6273 | 0.6490 | 0.6516 |
| 0.6053 | 16.52 | 3800 | 0.6299 | 0.6443 | 0.6473 |
| 0.606 | 17.39 | 4000 | 0.6245 | 0.6487 | 0.6508 |
| 0.605 | 18.26 | 4200 | 0.6250 | 0.6482 | 0.65 |
| 0.6007 | 19.13 | 4400 | 0.6257 | 0.6464 | 0.6489 |
| 0.6035 | 20.0 | 4600 | 0.6234 | 0.6483 | 0.6505 |
| 0.6017 | 20.87 | 4800 | 0.6229 | 0.6536 | 0.6546 |
| 0.6014 | 21.74 | 5000 | 0.6348 | 0.6439 | 0.6484 |
| 0.6007 | 22.61 | 5200 | 0.6236 | 0.6507 | 0.6541 |
| 0.6009 | 23.48 | 5400 | 0.6297 | 0.6439 | 0.6478 |
| 0.5998 | 24.35 | 5600 | 0.6207 | 0.6538 | 0.6552 |
| 0.6006 | 25.22 | 5800 | 0.6450 | 0.6309 | 0.6402 |
| 0.5979 | 26.09 | 6000 | 0.6298 | 0.6457 | 0.65 |
| 0.5999 | 26.96 | 6200 | 0.6261 | 0.6463 | 0.6503 |
| 0.5976 | 27.83 | 6400 | 0.6349 | 0.6419 | 0.6484 |
| 0.598 | 28.7 | 6600 | 0.6248 | 0.6511 | 0.6538 |
| 0.5977 | 29.57 | 6800 | 0.6184 | 0.6539 | 0.6560 |
| 0.5907 | 30.43 | 7000 | 0.6310 | 0.6470 | 0.6519 |
| 0.6007 | 31.3 | 7200 | 0.6282 | 0.6467 | 0.6516 |
| 0.596 | 32.17 | 7400 | 0.6325 | 0.6415 | 0.6481 |
| 0.5948 | 33.04 | 7600 | 0.6202 | 0.6516 | 0.6546 |
| 0.5953 | 33.91 | 7800 | 0.6237 | 0.6512 | 0.6546 |
| 0.5953 | 34.78 | 8000 | 0.6235 | 0.6516 | 0.6552 |
| 0.5953 | 35.65 | 8200 | 0.6231 | 0.6510 | 0.6543 |
| 0.5951 | 36.52 | 8400 | 0.6272 | 0.6471 | 0.6516 |
| 0.5947 | 37.39 | 8600 | 0.6240 | 0.6495 | 0.6533 |
| 0.5913 | 38.26 | 8800 | 0.6269 | 0.6496 | 0.6535 |
| 0.596 | 39.13 | 9000 | 0.6269 | 0.6472 | 0.6519 |
| 0.5953 | 40.0 | 9200 | 0.6234 | 0.6508 | 0.6541 |
| 0.5912 | 40.87 | 9400 | 0.6210 | 0.6557 | 0.6582 |
| 0.5931 | 41.74 | 9600 | 0.6226 | 0.6534 | 0.6562 |
| 0.5949 | 42.61 | 9800 | 0.6222 | 0.6508 | 0.6541 |
| 0.5945 | 43.48 | 10000 | 0.6222 | 0.6512 | 0.6543 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K4me3-seqsight_16384_512_22M-L1_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K4me3-seqsight_16384_512_22M-L1_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:48:40+00:00 |
text2text-generation | transformers |
<!-- 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. -->
# CS505_COQE_viT5_total_Instruction0_SOAPL_v1
This model is a fine-tuned version of [VietAI/vit5-large](https://huggingface.co/VietAI/vit5-large) on the None dataset.
## 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: 8
- eval_batch_size: 64
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 20
- mixed_precision_training: Native AMP
### Training results
### Framework versions
- Transformers 4.39.3
- Pytorch 2.1.2
- Datasets 2.18.0
- Tokenizers 0.15.2
| {"license": "mit", "tags": ["generated_from_trainer"], "base_model": "VietAI/vit5-large", "model-index": [{"name": "CS505_COQE_viT5_total_Instruction0_SOAPL_v1", "results": []}]} | ThuyNT/CS505_COQE_viT5_total_Instruction0_SOAPL_v1 | null | [
"transformers",
"tensorboard",
"safetensors",
"t5",
"text2text-generation",
"generated_from_trainer",
"base_model:VietAI/vit5-large",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:49:10+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K4me3-seqsight_16384_512_22M-L8_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K4me3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K4me3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.6222
- F1 Score: 0.6751
- Accuracy: 0.6785
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.666 | 0.87 | 200 | 0.6521 | 0.6237 | 0.625 |
| 0.6366 | 1.74 | 400 | 0.6351 | 0.6532 | 0.6533 |
| 0.6288 | 2.61 | 600 | 0.6360 | 0.6415 | 0.6429 |
| 0.6195 | 3.48 | 800 | 0.6259 | 0.6485 | 0.6486 |
| 0.6153 | 4.35 | 1000 | 0.6228 | 0.6541 | 0.6538 |
| 0.6103 | 5.22 | 1200 | 0.6461 | 0.6247 | 0.6340 |
| 0.6062 | 6.09 | 1400 | 0.6422 | 0.6349 | 0.6421 |
| 0.6012 | 6.96 | 1600 | 0.6318 | 0.6432 | 0.6467 |
| 0.5974 | 7.83 | 1800 | 0.6178 | 0.6626 | 0.6625 |
| 0.5944 | 8.7 | 2000 | 0.6228 | 0.6522 | 0.6549 |
| 0.5911 | 9.57 | 2200 | 0.6113 | 0.6649 | 0.6655 |
| 0.5905 | 10.43 | 2400 | 0.6264 | 0.6513 | 0.6549 |
| 0.5863 | 11.3 | 2600 | 0.6294 | 0.6425 | 0.6497 |
| 0.5867 | 12.17 | 2800 | 0.6131 | 0.6636 | 0.6658 |
| 0.5809 | 13.04 | 3000 | 0.6149 | 0.6591 | 0.6620 |
| 0.5794 | 13.91 | 3200 | 0.6178 | 0.6529 | 0.6576 |
| 0.5773 | 14.78 | 3400 | 0.6226 | 0.6475 | 0.6530 |
| 0.578 | 15.65 | 3600 | 0.6170 | 0.6573 | 0.6611 |
| 0.575 | 16.52 | 3800 | 0.6168 | 0.6643 | 0.6674 |
| 0.571 | 17.39 | 4000 | 0.6188 | 0.6556 | 0.6595 |
| 0.5742 | 18.26 | 4200 | 0.6153 | 0.6619 | 0.6649 |
| 0.5667 | 19.13 | 4400 | 0.6144 | 0.6629 | 0.6658 |
| 0.5697 | 20.0 | 4600 | 0.6144 | 0.6575 | 0.6620 |
| 0.5676 | 20.87 | 4800 | 0.6204 | 0.6613 | 0.6649 |
| 0.5651 | 21.74 | 5000 | 0.6342 | 0.6506 | 0.6576 |
| 0.564 | 22.61 | 5200 | 0.6119 | 0.6642 | 0.6677 |
| 0.5636 | 23.48 | 5400 | 0.6339 | 0.6487 | 0.6568 |
| 0.5618 | 24.35 | 5600 | 0.6155 | 0.6664 | 0.6693 |
| 0.5608 | 25.22 | 5800 | 0.6434 | 0.6432 | 0.6538 |
| 0.5582 | 26.09 | 6000 | 0.6309 | 0.6531 | 0.6598 |
| 0.5598 | 26.96 | 6200 | 0.6238 | 0.6592 | 0.6652 |
| 0.5564 | 27.83 | 6400 | 0.6450 | 0.6463 | 0.6562 |
| 0.5582 | 28.7 | 6600 | 0.6203 | 0.6614 | 0.6663 |
| 0.5547 | 29.57 | 6800 | 0.6174 | 0.6647 | 0.6687 |
| 0.5507 | 30.43 | 7000 | 0.6327 | 0.6542 | 0.6611 |
| 0.5586 | 31.3 | 7200 | 0.6248 | 0.6585 | 0.6652 |
| 0.5543 | 32.17 | 7400 | 0.6260 | 0.6597 | 0.6660 |
| 0.5509 | 33.04 | 7600 | 0.6175 | 0.6653 | 0.6696 |
| 0.5513 | 33.91 | 7800 | 0.6193 | 0.6621 | 0.6668 |
| 0.5522 | 34.78 | 8000 | 0.6211 | 0.6649 | 0.6696 |
| 0.5511 | 35.65 | 8200 | 0.6218 | 0.6604 | 0.6663 |
| 0.5482 | 36.52 | 8400 | 0.6272 | 0.6608 | 0.6674 |
| 0.5492 | 37.39 | 8600 | 0.6224 | 0.6651 | 0.6707 |
| 0.5436 | 38.26 | 8800 | 0.6313 | 0.6595 | 0.6655 |
| 0.5502 | 39.13 | 9000 | 0.6266 | 0.6629 | 0.6693 |
| 0.549 | 40.0 | 9200 | 0.6223 | 0.6654 | 0.6707 |
| 0.5457 | 40.87 | 9400 | 0.6212 | 0.6685 | 0.6726 |
| 0.5457 | 41.74 | 9600 | 0.6229 | 0.6665 | 0.6712 |
| 0.5499 | 42.61 | 9800 | 0.6206 | 0.6675 | 0.6723 |
| 0.5472 | 43.48 | 10000 | 0.6221 | 0.6670 | 0.6720 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K4me3-seqsight_16384_512_22M-L8_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K4me3-seqsight_16384_512_22M-L8_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:49:14+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K4me3-seqsight_16384_512_22M-L32_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K4me3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K4me3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.6408
- F1 Score: 0.6783
- Accuracy: 0.6810
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.6593 | 0.87 | 200 | 0.6387 | 0.6431 | 0.6429 |
| 0.6284 | 1.74 | 400 | 0.6338 | 0.6475 | 0.6489 |
| 0.6179 | 2.61 | 600 | 0.6269 | 0.6469 | 0.6492 |
| 0.6062 | 3.48 | 800 | 0.6137 | 0.6577 | 0.6579 |
| 0.5995 | 4.35 | 1000 | 0.6104 | 0.6668 | 0.6666 |
| 0.5917 | 5.22 | 1200 | 0.6274 | 0.6521 | 0.6562 |
| 0.5877 | 6.09 | 1400 | 0.6413 | 0.6354 | 0.6448 |
| 0.5801 | 6.96 | 1600 | 0.6256 | 0.6614 | 0.6647 |
| 0.5758 | 7.83 | 1800 | 0.6128 | 0.6728 | 0.6728 |
| 0.5703 | 8.7 | 2000 | 0.6199 | 0.6592 | 0.6622 |
| 0.5641 | 9.57 | 2200 | 0.6001 | 0.6734 | 0.6736 |
| 0.5621 | 10.43 | 2400 | 0.6235 | 0.6606 | 0.6630 |
| 0.5568 | 11.3 | 2600 | 0.6311 | 0.6466 | 0.6552 |
| 0.5561 | 12.17 | 2800 | 0.6080 | 0.6699 | 0.6709 |
| 0.547 | 13.04 | 3000 | 0.6102 | 0.6672 | 0.6696 |
| 0.5444 | 13.91 | 3200 | 0.6170 | 0.6669 | 0.6698 |
| 0.5406 | 14.78 | 3400 | 0.6241 | 0.6617 | 0.6660 |
| 0.5372 | 15.65 | 3600 | 0.6131 | 0.6683 | 0.6704 |
| 0.5322 | 16.52 | 3800 | 0.6185 | 0.6647 | 0.6677 |
| 0.5237 | 17.39 | 4000 | 0.6272 | 0.6665 | 0.6696 |
| 0.5306 | 18.26 | 4200 | 0.6325 | 0.6630 | 0.6682 |
| 0.5177 | 19.13 | 4400 | 0.6259 | 0.6668 | 0.6693 |
| 0.5226 | 20.0 | 4600 | 0.6337 | 0.6591 | 0.6658 |
| 0.5154 | 20.87 | 4800 | 0.6303 | 0.6668 | 0.6696 |
| 0.5117 | 21.74 | 5000 | 0.6394 | 0.6657 | 0.6693 |
| 0.5088 | 22.61 | 5200 | 0.6295 | 0.6690 | 0.6717 |
| 0.5053 | 23.48 | 5400 | 0.6553 | 0.6585 | 0.6649 |
| 0.5052 | 24.35 | 5600 | 0.6319 | 0.6686 | 0.6723 |
| 0.5 | 25.22 | 5800 | 0.6646 | 0.6531 | 0.6617 |
| 0.4957 | 26.09 | 6000 | 0.6571 | 0.6711 | 0.675 |
| 0.4964 | 26.96 | 6200 | 0.6486 | 0.6642 | 0.6698 |
| 0.4923 | 27.83 | 6400 | 0.6700 | 0.6520 | 0.6609 |
| 0.492 | 28.7 | 6600 | 0.6383 | 0.6660 | 0.6685 |
| 0.4892 | 29.57 | 6800 | 0.6407 | 0.6683 | 0.6723 |
| 0.4824 | 30.43 | 7000 | 0.6591 | 0.6610 | 0.6666 |
| 0.4904 | 31.3 | 7200 | 0.6499 | 0.6694 | 0.6742 |
| 0.4829 | 32.17 | 7400 | 0.6433 | 0.6744 | 0.6772 |
| 0.4803 | 33.04 | 7600 | 0.6441 | 0.6713 | 0.675 |
| 0.4777 | 33.91 | 7800 | 0.6603 | 0.6666 | 0.6726 |
| 0.4804 | 34.78 | 8000 | 0.6587 | 0.6667 | 0.6720 |
| 0.4761 | 35.65 | 8200 | 0.6555 | 0.6661 | 0.6717 |
| 0.4716 | 36.52 | 8400 | 0.6642 | 0.6649 | 0.6701 |
| 0.4742 | 37.39 | 8600 | 0.6555 | 0.6696 | 0.6742 |
| 0.4682 | 38.26 | 8800 | 0.6639 | 0.6652 | 0.6698 |
| 0.4721 | 39.13 | 9000 | 0.6583 | 0.6698 | 0.6745 |
| 0.4732 | 40.0 | 9200 | 0.6558 | 0.6688 | 0.6734 |
| 0.4664 | 40.87 | 9400 | 0.6591 | 0.6702 | 0.6742 |
| 0.4634 | 41.74 | 9600 | 0.6600 | 0.6698 | 0.6742 |
| 0.4723 | 42.61 | 9800 | 0.6560 | 0.6715 | 0.6753 |
| 0.4668 | 43.48 | 10000 | 0.6584 | 0.6710 | 0.6753 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K4me3-seqsight_16384_512_22M-L32_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K4me3-seqsight_16384_512_22M-L32_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:49:29+00:00 |
null | null | {} | s8-jdba/t5-end2end-questions-generation-s8 | null | [
"region:us"
]
| null | 2024-04-27T07:49:42+00:00 |
|
text2text-generation | transformers |
<!-- 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. -->
# CS505_COQE_viT5_total_Instruction0_SOAPL_v1_h1
This model is a fine-tuned version of [VietAI/vit5-large](https://huggingface.co/VietAI/vit5-large) on the None dataset.
## 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: 8
- eval_batch_size: 64
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 25
- mixed_precision_training: Native AMP
### Training results
### Framework versions
- Transformers 4.39.3
- Pytorch 2.1.2
- Datasets 2.18.0
- Tokenizers 0.15.2
| {"license": "mit", "tags": ["generated_from_trainer"], "base_model": "VietAI/vit5-large", "model-index": [{"name": "CS505_COQE_viT5_total_Instruction0_SOAPL_v1_h1", "results": []}]} | ThuyNT/CS505_COQE_viT5_total_Instruction0_SOAPL_v1_h1 | null | [
"transformers",
"tensorboard",
"safetensors",
"t5",
"text2text-generation",
"generated_from_trainer",
"base_model:VietAI/vit5-large",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:49:52+00:00 |
text-classification | transformers |
<!-- 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-base-uncased-finetuned-emotion
This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the emotion dataset.
It achieves the following results on the evaluation set:
- Loss: 0.1458
- Accuracy: 0.936
- F1: 0.9363
## 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: 2e-05
- train_batch_size: 64
- eval_batch_size: 64
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 2
### Training results
| Training Loss | Epoch | Step | Validation Loss | Accuracy | F1 |
|:-------------:|:-----:|:----:|:---------------:|:--------:|:------:|
| 0.1742 | 1.0 | 250 | 0.1613 | 0.9335 | 0.9339 |
| 0.1111 | 2.0 | 500 | 0.1458 | 0.936 | 0.9363 |
### Framework versions
- Transformers 4.40.1
- Pytorch 2.3.0
- Datasets 2.19.0
- Tokenizers 0.19.1
| {"license": "apache-2.0", "tags": ["generated_from_trainer"], "datasets": ["emotion"], "metrics": ["accuracy", "f1"], "base_model": "distilbert-base-uncased", "model-index": [{"name": "distilbert-base-uncased-finetuned-emotion", "results": [{"task": {"type": "text-classification", "name": "Text Classification"}, "dataset": {"name": "emotion", "type": "emotion", "config": "split", "split": "validation", "args": "split"}, "metrics": [{"type": "accuracy", "value": 0.936, "name": "Accuracy"}, {"type": "f1", "value": 0.9362961593030331, "name": "F1"}]}]}]} | gopidon/distilbert-base-uncased-finetuned-emotion | null | [
"transformers",
"safetensors",
"distilbert",
"text-classification",
"generated_from_trainer",
"dataset:emotion",
"base_model:distilbert-base-uncased",
"license:apache-2.0",
"model-index",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T07:51:11+00:00 |
reinforcement-learning | ml-agents |
# **ppo** Agent playing **Pyramids**
This is a trained model of a **ppo** agent playing **Pyramids**
using the [Unity ML-Agents Library](https://github.com/Unity-Technologies/ml-agents).
## Usage (with ML-Agents)
The Documentation: https://unity-technologies.github.io/ml-agents/ML-Agents-Toolkit-Documentation/
We wrote a complete tutorial to learn to train your first agent using ML-Agents and publish it to the Hub:
- A *short tutorial* where you teach Huggy the Dog 🐶 to fetch the stick and then play with him directly in your
browser: https://huggingface.co/learn/deep-rl-course/unitbonus1/introduction
- A *longer tutorial* to understand how works ML-Agents:
https://huggingface.co/learn/deep-rl-course/unit5/introduction
### Resume the training
```bash
mlagents-learn <your_configuration_file_path.yaml> --run-id=<run_id> --resume
```
### Watch your Agent play
You can watch your agent **playing directly in your browser**
1. If the environment is part of ML-Agents official environments, go to https://huggingface.co/unity
2. Step 1: Find your model_id: hossniper/ppo-Pyramids
3. Step 2: Select your *.nn /*.onnx file
4. Click on Watch the agent play 👀
| {"library_name": "ml-agents", "tags": ["Pyramids", "deep-reinforcement-learning", "reinforcement-learning", "ML-Agents-Pyramids"]} | hossniper/ppo-Pyramids | null | [
"ml-agents",
"tensorboard",
"onnx",
"Pyramids",
"deep-reinforcement-learning",
"reinforcement-learning",
"ML-Agents-Pyramids",
"region:us"
]
| null | 2024-04-27T07:51:23+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H4-seqsight_16384_512_22M-L1_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H4](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H4) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.2765
- F1 Score: 0.8968
- Accuracy: 0.8966
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:------:|:-----:|:---------------:|:--------:|:--------:|
| 0.4202 | 2.17 | 200 | 0.3127 | 0.8836 | 0.8836 |
| 0.3173 | 4.35 | 400 | 0.3114 | 0.8785 | 0.8782 |
| 0.3053 | 6.52 | 600 | 0.3072 | 0.8832 | 0.8830 |
| 0.3045 | 8.7 | 800 | 0.3039 | 0.8880 | 0.8877 |
| 0.2935 | 10.87 | 1000 | 0.3008 | 0.8852 | 0.8850 |
| 0.2892 | 13.04 | 1200 | 0.3047 | 0.8846 | 0.8843 |
| 0.2851 | 15.22 | 1400 | 0.2969 | 0.8858 | 0.8857 |
| 0.2842 | 17.39 | 1600 | 0.2952 | 0.8872 | 0.8871 |
| 0.2797 | 19.57 | 1800 | 0.2927 | 0.8876 | 0.8877 |
| 0.2778 | 21.74 | 2000 | 0.2995 | 0.8880 | 0.8877 |
| 0.2738 | 23.91 | 2200 | 0.2999 | 0.8881 | 0.8877 |
| 0.2729 | 26.09 | 2400 | 0.3025 | 0.8874 | 0.8871 |
| 0.272 | 28.26 | 2600 | 0.2887 | 0.8911 | 0.8912 |
| 0.271 | 30.43 | 2800 | 0.2888 | 0.8886 | 0.8884 |
| 0.2682 | 32.61 | 3000 | 0.2910 | 0.8886 | 0.8884 |
| 0.2638 | 34.78 | 3200 | 0.2878 | 0.8926 | 0.8925 |
| 0.2616 | 36.96 | 3400 | 0.2926 | 0.8886 | 0.8884 |
| 0.2599 | 39.13 | 3600 | 0.2945 | 0.8866 | 0.8864 |
| 0.2559 | 41.3 | 3800 | 0.2878 | 0.8954 | 0.8953 |
| 0.2575 | 43.48 | 4000 | 0.2931 | 0.8920 | 0.8919 |
| 0.263 | 45.65 | 4200 | 0.2849 | 0.8919 | 0.8919 |
| 0.2553 | 47.83 | 4400 | 0.2876 | 0.8906 | 0.8905 |
| 0.2541 | 50.0 | 4600 | 0.2835 | 0.8946 | 0.8946 |
| 0.2519 | 52.17 | 4800 | 0.2867 | 0.8926 | 0.8925 |
| 0.2531 | 54.35 | 5000 | 0.2919 | 0.8915 | 0.8912 |
| 0.2495 | 56.52 | 5200 | 0.2877 | 0.8913 | 0.8912 |
| 0.2483 | 58.7 | 5400 | 0.2865 | 0.8927 | 0.8925 |
| 0.2489 | 60.87 | 5600 | 0.2914 | 0.8873 | 0.8871 |
| 0.2499 | 63.04 | 5800 | 0.2866 | 0.8926 | 0.8925 |
| 0.247 | 65.22 | 6000 | 0.2893 | 0.8907 | 0.8905 |
| 0.251 | 67.39 | 6200 | 0.2891 | 0.8886 | 0.8884 |
| 0.2459 | 69.57 | 6400 | 0.2859 | 0.8920 | 0.8919 |
| 0.2438 | 71.74 | 6600 | 0.2878 | 0.8921 | 0.8919 |
| 0.2453 | 73.91 | 6800 | 0.2848 | 0.8941 | 0.8939 |
| 0.2441 | 76.09 | 7000 | 0.2865 | 0.8955 | 0.8953 |
| 0.2406 | 78.26 | 7200 | 0.2877 | 0.8954 | 0.8953 |
| 0.2411 | 80.43 | 7400 | 0.2851 | 0.8988 | 0.8987 |
| 0.2403 | 82.61 | 7600 | 0.2828 | 0.8981 | 0.8980 |
| 0.2414 | 84.78 | 7800 | 0.2861 | 0.8968 | 0.8966 |
| 0.2378 | 86.96 | 8000 | 0.2832 | 0.8974 | 0.8973 |
| 0.2415 | 89.13 | 8200 | 0.2845 | 0.8968 | 0.8966 |
| 0.2379 | 91.3 | 8400 | 0.2842 | 0.8953 | 0.8953 |
| 0.2367 | 93.48 | 8600 | 0.2850 | 0.8953 | 0.8953 |
| 0.2409 | 95.65 | 8800 | 0.2839 | 0.8974 | 0.8973 |
| 0.2416 | 97.83 | 9000 | 0.2840 | 0.8967 | 0.8966 |
| 0.2379 | 100.0 | 9200 | 0.2846 | 0.8968 | 0.8966 |
| 0.2359 | 102.17 | 9400 | 0.2839 | 0.8981 | 0.8980 |
| 0.239 | 104.35 | 9600 | 0.2843 | 0.8968 | 0.8966 |
| 0.2396 | 106.52 | 9800 | 0.2829 | 0.8960 | 0.8960 |
| 0.2392 | 108.7 | 10000 | 0.2832 | 0.8974 | 0.8973 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H4-seqsight_16384_512_22M-L1_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H4-seqsight_16384_512_22M-L1_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:51:53+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H4-seqsight_16384_512_22M-L8_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H4](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H4) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.2700
- F1 Score: 0.9007
- Accuracy: 0.9008
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:------:|:-----:|:---------------:|:--------:|:--------:|
| 0.3842 | 2.17 | 200 | 0.2976 | 0.8851 | 0.8850 |
| 0.2983 | 4.35 | 400 | 0.2977 | 0.8797 | 0.8795 |
| 0.2851 | 6.52 | 600 | 0.2929 | 0.8891 | 0.8891 |
| 0.2815 | 8.7 | 800 | 0.2945 | 0.8866 | 0.8864 |
| 0.2686 | 10.87 | 1000 | 0.2889 | 0.8893 | 0.8891 |
| 0.2642 | 13.04 | 1200 | 0.2857 | 0.8871 | 0.8871 |
| 0.2581 | 15.22 | 1400 | 0.2879 | 0.8893 | 0.8891 |
| 0.2537 | 17.39 | 1600 | 0.2913 | 0.8908 | 0.8905 |
| 0.2504 | 19.57 | 1800 | 0.2752 | 0.9007 | 0.9008 |
| 0.2436 | 21.74 | 2000 | 0.2861 | 0.8867 | 0.8864 |
| 0.2367 | 23.91 | 2200 | 0.2766 | 0.8989 | 0.8987 |
| 0.2368 | 26.09 | 2400 | 0.2879 | 0.8963 | 0.8960 |
| 0.233 | 28.26 | 2600 | 0.2772 | 0.8951 | 0.8953 |
| 0.2296 | 30.43 | 2800 | 0.2767 | 0.8913 | 0.8912 |
| 0.2257 | 32.61 | 3000 | 0.2811 | 0.8980 | 0.8980 |
| 0.2174 | 34.78 | 3200 | 0.2829 | 0.8946 | 0.8946 |
| 0.2185 | 36.96 | 3400 | 0.2828 | 0.8969 | 0.8966 |
| 0.213 | 39.13 | 3600 | 0.2834 | 0.8988 | 0.8987 |
| 0.2084 | 41.3 | 3800 | 0.2857 | 0.9002 | 0.9001 |
| 0.2068 | 43.48 | 4000 | 0.2932 | 0.8925 | 0.8925 |
| 0.2109 | 45.65 | 4200 | 0.2890 | 0.8918 | 0.8919 |
| 0.2045 | 47.83 | 4400 | 0.2889 | 0.8946 | 0.8946 |
| 0.2016 | 50.0 | 4600 | 0.2848 | 0.8959 | 0.8960 |
| 0.1988 | 52.17 | 4800 | 0.2924 | 0.8967 | 0.8966 |
| 0.1965 | 54.35 | 5000 | 0.2918 | 0.8989 | 0.8987 |
| 0.1919 | 56.52 | 5200 | 0.3074 | 0.8894 | 0.8891 |
| 0.1904 | 58.7 | 5400 | 0.2953 | 0.8921 | 0.8919 |
| 0.1898 | 60.87 | 5600 | 0.2957 | 0.8948 | 0.8946 |
| 0.1895 | 63.04 | 5800 | 0.3019 | 0.8927 | 0.8925 |
| 0.1843 | 65.22 | 6000 | 0.3038 | 0.8892 | 0.8891 |
| 0.1869 | 67.39 | 6200 | 0.3047 | 0.8899 | 0.8898 |
| 0.1837 | 69.57 | 6400 | 0.3003 | 0.8907 | 0.8905 |
| 0.1842 | 71.74 | 6600 | 0.3040 | 0.8934 | 0.8932 |
| 0.1818 | 73.91 | 6800 | 0.3038 | 0.8886 | 0.8884 |
| 0.1779 | 76.09 | 7000 | 0.3105 | 0.8886 | 0.8884 |
| 0.1764 | 78.26 | 7200 | 0.3079 | 0.8947 | 0.8946 |
| 0.1747 | 80.43 | 7400 | 0.3134 | 0.8913 | 0.8912 |
| 0.1731 | 82.61 | 7600 | 0.3110 | 0.8905 | 0.8905 |
| 0.1726 | 84.78 | 7800 | 0.3224 | 0.8901 | 0.8898 |
| 0.1705 | 86.96 | 8000 | 0.3129 | 0.8919 | 0.8919 |
| 0.175 | 89.13 | 8200 | 0.3098 | 0.8893 | 0.8891 |
| 0.1706 | 91.3 | 8400 | 0.3163 | 0.8899 | 0.8898 |
| 0.1647 | 93.48 | 8600 | 0.3231 | 0.8913 | 0.8912 |
| 0.1722 | 95.65 | 8800 | 0.3185 | 0.8898 | 0.8898 |
| 0.1705 | 97.83 | 9000 | 0.3165 | 0.8919 | 0.8919 |
| 0.168 | 100.0 | 9200 | 0.3202 | 0.8893 | 0.8891 |
| 0.164 | 102.17 | 9400 | 0.3212 | 0.8913 | 0.8912 |
| 0.1677 | 104.35 | 9600 | 0.3197 | 0.8899 | 0.8898 |
| 0.1686 | 106.52 | 9800 | 0.3198 | 0.8919 | 0.8919 |
| 0.1668 | 108.7 | 10000 | 0.3200 | 0.8920 | 0.8919 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H4-seqsight_16384_512_22M-L8_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H4-seqsight_16384_512_22M-L8_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:52:32+00:00 |
text-generation | transformers |
# 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]
| {"library_name": "transformers", "tags": []} | swj0419/hp_retrain_STEP0000060 | null | [
"transformers",
"safetensors",
"llama",
"text-generation",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T07:52:49+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H4-seqsight_16384_512_22M-L32_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H4](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H4) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.2729
- F1 Score: 0.8953
- Accuracy: 0.8953
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:------:|:-----:|:---------------:|:--------:|:--------:|
| 0.3657 | 2.17 | 200 | 0.2942 | 0.8860 | 0.8857 |
| 0.2891 | 4.35 | 400 | 0.2858 | 0.8918 | 0.8919 |
| 0.2713 | 6.52 | 600 | 0.2819 | 0.8978 | 0.8980 |
| 0.263 | 8.7 | 800 | 0.2886 | 0.8861 | 0.8857 |
| 0.2465 | 10.87 | 1000 | 0.2804 | 0.8915 | 0.8912 |
| 0.2394 | 13.04 | 1200 | 0.2801 | 0.8949 | 0.8946 |
| 0.2297 | 15.22 | 1400 | 0.2921 | 0.8983 | 0.8980 |
| 0.2203 | 17.39 | 1600 | 0.2939 | 0.8976 | 0.8973 |
| 0.2131 | 19.57 | 1800 | 0.2807 | 0.8994 | 0.8994 |
| 0.2013 | 21.74 | 2000 | 0.3073 | 0.8874 | 0.8871 |
| 0.1905 | 23.91 | 2200 | 0.3036 | 0.8925 | 0.8925 |
| 0.1892 | 26.09 | 2400 | 0.2999 | 0.8921 | 0.8919 |
| 0.1809 | 28.26 | 2600 | 0.3079 | 0.8896 | 0.8898 |
| 0.173 | 30.43 | 2800 | 0.3091 | 0.8886 | 0.8884 |
| 0.1663 | 32.61 | 3000 | 0.3217 | 0.8917 | 0.8919 |
| 0.1531 | 34.78 | 3200 | 0.3562 | 0.8797 | 0.8795 |
| 0.1506 | 36.96 | 3400 | 0.3572 | 0.8854 | 0.8850 |
| 0.1439 | 39.13 | 3600 | 0.3507 | 0.8871 | 0.8871 |
| 0.1367 | 41.3 | 3800 | 0.3633 | 0.8837 | 0.8836 |
| 0.1319 | 43.48 | 4000 | 0.3776 | 0.8823 | 0.8823 |
| 0.1285 | 45.65 | 4200 | 0.3790 | 0.8798 | 0.8802 |
| 0.1215 | 47.83 | 4400 | 0.3750 | 0.8823 | 0.8823 |
| 0.1162 | 50.0 | 4600 | 0.3899 | 0.8826 | 0.8830 |
| 0.1152 | 52.17 | 4800 | 0.3972 | 0.8824 | 0.8823 |
| 0.1089 | 54.35 | 5000 | 0.3884 | 0.8809 | 0.8809 |
| 0.1042 | 56.52 | 5200 | 0.4067 | 0.8812 | 0.8809 |
| 0.0975 | 58.7 | 5400 | 0.4032 | 0.8817 | 0.8816 |
| 0.0982 | 60.87 | 5600 | 0.4058 | 0.8824 | 0.8823 |
| 0.0938 | 63.04 | 5800 | 0.4207 | 0.8796 | 0.8795 |
| 0.094 | 65.22 | 6000 | 0.4207 | 0.8838 | 0.8836 |
| 0.0884 | 67.39 | 6200 | 0.4507 | 0.8818 | 0.8816 |
| 0.0884 | 69.57 | 6400 | 0.4531 | 0.8756 | 0.8754 |
| 0.0869 | 71.74 | 6600 | 0.4414 | 0.8808 | 0.8809 |
| 0.0822 | 73.91 | 6800 | 0.4698 | 0.8775 | 0.8775 |
| 0.0771 | 76.09 | 7000 | 0.4825 | 0.8812 | 0.8809 |
| 0.0764 | 78.26 | 7200 | 0.4789 | 0.8762 | 0.8761 |
| 0.0778 | 80.43 | 7400 | 0.4718 | 0.8805 | 0.8802 |
| 0.0724 | 82.61 | 7600 | 0.4876 | 0.8724 | 0.8727 |
| 0.0723 | 84.78 | 7800 | 0.4907 | 0.8756 | 0.8754 |
| 0.0714 | 86.96 | 8000 | 0.4706 | 0.8816 | 0.8816 |
| 0.0709 | 89.13 | 8200 | 0.4848 | 0.8816 | 0.8816 |
| 0.0688 | 91.3 | 8400 | 0.4802 | 0.8794 | 0.8795 |
| 0.0626 | 93.48 | 8600 | 0.5095 | 0.8773 | 0.8775 |
| 0.068 | 95.65 | 8800 | 0.4971 | 0.8813 | 0.8816 |
| 0.0665 | 97.83 | 9000 | 0.4924 | 0.8753 | 0.8754 |
| 0.0611 | 100.0 | 9200 | 0.5035 | 0.8747 | 0.8747 |
| 0.0617 | 102.17 | 9400 | 0.5036 | 0.8774 | 0.8775 |
| 0.0611 | 104.35 | 9600 | 0.5081 | 0.8774 | 0.8775 |
| 0.0631 | 106.52 | 9800 | 0.5050 | 0.8795 | 0.8795 |
| 0.0605 | 108.7 | 10000 | 0.5061 | 0.8774 | 0.8775 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H4-seqsight_16384_512_22M-L32_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H4-seqsight_16384_512_22M-L32_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:53:46+00:00 |
null | transformers |
# 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] | {"library_name": "transformers", "tags": []} | unity4ar/wav2vec2-base-timit-demo-colab | null | [
"transformers",
"arxiv:1910.09700",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T07:54:15+00:00 |
text-classification | transformers |
# 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] | {"library_name": "transformers", "tags": []} | HC-85/distilbert-arxiv-multilabel | null | [
"transformers",
"safetensors",
"distilbert",
"text-classification",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T07:55:29+00:00 |
null | null | {} | TranQuocVietQuang/gliner_crypto_large | null | [
"region:us"
]
| null | 2024-04-27T07:55:59+00:00 |
|
image-classification | transformers |
<!-- 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. -->
# Boya1_RMSProp_1-e5_10Epoch_swinv2-tiny-patch4-window16-256_fold2
This model is a fine-tuned version of [microsoft/swinv2-tiny-patch4-window16-256](https://huggingface.co/microsoft/swinv2-tiny-patch4-window16-256) on the imagefolder dataset.
It achieves the following results on the evaluation set:
- Loss: 1.0352
- Accuracy: 0.6565
## 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: 1e-05
- train_batch_size: 16
- eval_batch_size: 16
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- lr_scheduler_warmup_ratio: 0.1
- num_epochs: 10
### Training results
| Training Loss | Epoch | Step | Validation Loss | Accuracy |
|:-------------:|:-----:|:----:|:---------------:|:--------:|
| 1.632 | 1.0 | 923 | 1.4721 | 0.5124 |
| 1.4039 | 2.0 | 1846 | 1.2671 | 0.5781 |
| 1.1495 | 3.0 | 2769 | 1.1523 | 0.6143 |
| 1.1243 | 4.0 | 3692 | 1.0781 | 0.6341 |
| 1.1829 | 5.0 | 4615 | 1.1043 | 0.6238 |
| 0.8912 | 6.0 | 5538 | 1.0600 | 0.6392 |
| 0.9235 | 7.0 | 6461 | 1.0406 | 0.6562 |
| 0.8891 | 8.0 | 7384 | 1.0360 | 0.6519 |
| 0.8519 | 9.0 | 8307 | 1.0508 | 0.6562 |
| 0.8538 | 10.0 | 9230 | 1.0352 | 0.6565 |
### Framework versions
- Transformers 4.35.0
- Pytorch 2.1.0
- Datasets 2.14.6
- Tokenizers 0.14.1
| {"license": "apache-2.0", "tags": ["generated_from_trainer"], "datasets": ["imagefolder"], "metrics": ["accuracy"], "base_model": "microsoft/swinv2-tiny-patch4-window16-256", "model-index": [{"name": "Boya1_RMSProp_1-e5_10Epoch_swinv2-tiny-patch4-window16-256_fold2", "results": [{"task": {"type": "image-classification", "name": "Image Classification"}, "dataset": {"name": "imagefolder", "type": "imagefolder", "config": "default", "split": "test", "args": "default"}, "metrics": [{"type": "accuracy", "value": 0.6564864864864864, "name": "Accuracy"}]}]}]} | onizukal/Boya1_RMSProp_1-e5_10Epoch_swinv2-tiny-patch4-window16-256_fold2 | null | [
"transformers",
"safetensors",
"swinv2",
"image-classification",
"generated_from_trainer",
"dataset:imagefolder",
"base_model:microsoft/swinv2-tiny-patch4-window16-256",
"license:apache-2.0",
"model-index",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T07:56:38+00:00 |
null | null | {} | Huijigo/llama3_16w_qlora | null | [
"tensorboard",
"safetensors",
"region:us"
]
| null | 2024-04-27T07:57:17+00:00 |
|
null | peft |
<!-- 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. -->
# GUE_EMP_H3-seqsight_16384_512_22M-L1_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.3298
- F1 Score: 0.8697
- Accuracy: 0.8697
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:------:|:-----:|:---------------:|:--------:|:--------:|
| 0.492 | 2.13 | 200 | 0.4204 | 0.8099 | 0.8103 |
| 0.3885 | 4.26 | 400 | 0.4112 | 0.8234 | 0.8236 |
| 0.3702 | 6.38 | 600 | 0.3960 | 0.8349 | 0.8350 |
| 0.3608 | 8.51 | 800 | 0.3857 | 0.8343 | 0.8343 |
| 0.3469 | 10.64 | 1000 | 0.3777 | 0.8417 | 0.8417 |
| 0.333 | 12.77 | 1200 | 0.3722 | 0.8370 | 0.8370 |
| 0.3232 | 14.89 | 1400 | 0.3580 | 0.8490 | 0.8490 |
| 0.3129 | 17.02 | 1600 | 0.3546 | 0.8510 | 0.8510 |
| 0.304 | 19.15 | 1800 | 0.3736 | 0.8447 | 0.8450 |
| 0.2966 | 21.28 | 2000 | 0.3558 | 0.8528 | 0.8530 |
| 0.2949 | 23.4 | 2200 | 0.3419 | 0.8597 | 0.8597 |
| 0.283 | 25.53 | 2400 | 0.3450 | 0.8564 | 0.8564 |
| 0.2889 | 27.66 | 2600 | 0.3415 | 0.8597 | 0.8597 |
| 0.2837 | 29.79 | 2800 | 0.3467 | 0.8568 | 0.8570 |
| 0.2786 | 31.91 | 3000 | 0.3551 | 0.8548 | 0.8550 |
| 0.2762 | 34.04 | 3200 | 0.3454 | 0.8576 | 0.8577 |
| 0.2746 | 36.17 | 3400 | 0.3494 | 0.8577 | 0.8577 |
| 0.2682 | 38.3 | 3600 | 0.3419 | 0.8624 | 0.8624 |
| 0.2721 | 40.43 | 3800 | 0.3460 | 0.8583 | 0.8584 |
| 0.2707 | 42.55 | 4000 | 0.3436 | 0.8597 | 0.8597 |
| 0.2685 | 44.68 | 4200 | 0.3390 | 0.8624 | 0.8624 |
| 0.2675 | 46.81 | 4400 | 0.3477 | 0.8582 | 0.8584 |
| 0.265 | 48.94 | 4600 | 0.3472 | 0.8568 | 0.8570 |
| 0.263 | 51.06 | 4800 | 0.3383 | 0.8657 | 0.8657 |
| 0.2606 | 53.19 | 5000 | 0.3652 | 0.8593 | 0.8597 |
| 0.264 | 55.32 | 5200 | 0.3362 | 0.8624 | 0.8624 |
| 0.259 | 57.45 | 5400 | 0.3450 | 0.8544 | 0.8544 |
| 0.2569 | 59.57 | 5600 | 0.3398 | 0.8603 | 0.8604 |
| 0.2591 | 61.7 | 5800 | 0.3329 | 0.8650 | 0.8651 |
| 0.2567 | 63.83 | 6000 | 0.3535 | 0.8581 | 0.8584 |
| 0.259 | 65.96 | 6200 | 0.3476 | 0.8589 | 0.8591 |
| 0.2543 | 68.09 | 6400 | 0.3523 | 0.8561 | 0.8564 |
| 0.2562 | 70.21 | 6600 | 0.3512 | 0.8555 | 0.8557 |
| 0.2553 | 72.34 | 6800 | 0.3457 | 0.8595 | 0.8597 |
| 0.2543 | 74.47 | 7000 | 0.3557 | 0.8561 | 0.8564 |
| 0.2524 | 76.6 | 7200 | 0.3517 | 0.8589 | 0.8591 |
| 0.2555 | 78.72 | 7400 | 0.3466 | 0.8596 | 0.8597 |
| 0.2505 | 80.85 | 7600 | 0.3421 | 0.8596 | 0.8597 |
| 0.2515 | 82.98 | 7800 | 0.3487 | 0.8575 | 0.8577 |
| 0.251 | 85.11 | 8000 | 0.3453 | 0.8602 | 0.8604 |
| 0.2506 | 87.23 | 8200 | 0.3392 | 0.8610 | 0.8611 |
| 0.2489 | 89.36 | 8400 | 0.3486 | 0.8589 | 0.8591 |
| 0.2484 | 91.49 | 8600 | 0.3510 | 0.8588 | 0.8591 |
| 0.2483 | 93.62 | 8800 | 0.3453 | 0.8596 | 0.8597 |
| 0.2512 | 95.74 | 9000 | 0.3480 | 0.8595 | 0.8597 |
| 0.248 | 97.87 | 9200 | 0.3431 | 0.8609 | 0.8611 |
| 0.2484 | 100.0 | 9400 | 0.3416 | 0.8596 | 0.8597 |
| 0.2498 | 102.13 | 9600 | 0.3455 | 0.8596 | 0.8597 |
| 0.2478 | 104.26 | 9800 | 0.3455 | 0.8589 | 0.8591 |
| 0.2501 | 106.38 | 10000 | 0.3446 | 0.8589 | 0.8591 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3-seqsight_16384_512_22M-L1_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3-seqsight_16384_512_22M-L1_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T07:58:53+00:00 |
unconditional-image-generation | diffusers |
# Model Card for Unit 1 of the [Diffusion Models Class 🧨](https://github.com/huggingface/diffusion-models-class)
This model is a diffusion model for unconditional image generation of cute 🦋.
## Usage
```python
from diffusers import DDPMPipeline
pipeline = DDPMPipeline.from_pretrained('wisehuh/sd-class-butterflies-32')
image = pipeline().images[0]
image
```
| {"license": "mit", "tags": ["pytorch", "diffusers", "unconditional-image-generation", "diffusion-models-class"]} | wisehuh/sd-class-butterflies-32 | null | [
"diffusers",
"safetensors",
"pytorch",
"unconditional-image-generation",
"diffusion-models-class",
"license:mit",
"diffusers:DDPMPipeline",
"region:us"
]
| null | 2024-04-27T07:59:51+00:00 |
text-to-audio | transformers.js |
# Avasaz ONNX (In Browser model)
Based on [Xenova](https://huggingface.co/xeonva/musicgen-small)'s ONNX quantization. | {"license": "cc-by-nc-4.0", "library_name": "transformers.js"} | avasaz/avasaz-webgl | null | [
"transformers.js",
"onnx",
"musicgen",
"text-to-audio",
"license:cc-by-nc-4.0",
"region:us"
]
| null | 2024-04-27T08:01:17+00:00 |
text-generation | transformers |
# 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] | {"library_name": "transformers", "tags": []} | fenguhao/hh-rlhf-dpo-0.1 | null | [
"transformers",
"safetensors",
"gpt_neox",
"text-generation",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T08:02:30+00:00 |
null | null | {} | ivykopal/slovak_adapter_100k | null | [
"region:us"
]
| null | 2024-04-27T08:04:08+00:00 |
|
null | null | {} | wisehuh/sd-class-butterflies-64 | null | [
"region:us"
]
| null | 2024-04-27T08:06:24+00:00 |
|
null | null |
# EnverLee/TinyLlama-1.1B-Chat-v0.6-x8-MoE-Q4_K_M-GGUF
This model was converted to GGUF format from [`dillfrescott/TinyLlama-1.1B-Chat-v0.6-x8-MoE`](https://huggingface.co/dillfrescott/TinyLlama-1.1B-Chat-v0.6-x8-MoE) 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/dillfrescott/TinyLlama-1.1B-Chat-v0.6-x8-MoE) for more details on the model.
## Use with llama.cpp
Install llama.cpp through brew.
```bash
brew install ggerganov/ggerganov/llama.cpp
```
Invoke the llama.cpp server or the CLI.
CLI:
```bash
llama-cli --hf-repo EnverLee/TinyLlama-1.1B-Chat-v0.6-x8-MoE-Q4_K_M-GGUF --model tinyllama-1.1b-chat-v0.6-x8-moe.Q4_K_M.gguf -p "The meaning to life and the universe is"
```
Server:
```bash
llama-server --hf-repo EnverLee/TinyLlama-1.1B-Chat-v0.6-x8-MoE-Q4_K_M-GGUF --model tinyllama-1.1b-chat-v0.6-x8-moe.Q4_K_M.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.
```
git clone https://github.com/ggerganov/llama.cpp && cd llama.cpp && make && ./main -m tinyllama-1.1b-chat-v0.6-x8-moe.Q4_K_M.gguf -n 128
```
| {"license": "apache-2.0", "tags": ["llama-cpp", "gguf-my-repo"]} | EnverLee/TinyLlama-1.1B-Chat-v0.6-x8-MoE-Q4_K_M-GGUF | null | [
"gguf",
"llama-cpp",
"gguf-my-repo",
"license:apache-2.0",
"region:us"
]
| null | 2024-04-27T08:08:15+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3-seqsight_16384_512_22M-L8_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.3318
- F1 Score: 0.8764
- Accuracy: 0.8764
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:------:|:-----:|:---------------:|:--------:|:--------:|
| 0.4585 | 2.13 | 200 | 0.4056 | 0.8260 | 0.8263 |
| 0.3562 | 4.26 | 400 | 0.3832 | 0.8409 | 0.8410 |
| 0.3227 | 6.38 | 600 | 0.3685 | 0.8500 | 0.8504 |
| 0.3032 | 8.51 | 800 | 0.3626 | 0.8454 | 0.8457 |
| 0.2885 | 10.64 | 1000 | 0.3491 | 0.8542 | 0.8544 |
| 0.2781 | 12.77 | 1200 | 0.3503 | 0.8562 | 0.8564 |
| 0.2711 | 14.89 | 1400 | 0.3574 | 0.8529 | 0.8530 |
| 0.2695 | 17.02 | 1600 | 0.3394 | 0.8630 | 0.8631 |
| 0.2619 | 19.15 | 1800 | 0.3773 | 0.8492 | 0.8497 |
| 0.2548 | 21.28 | 2000 | 0.3520 | 0.8602 | 0.8604 |
| 0.2539 | 23.4 | 2200 | 0.3413 | 0.8643 | 0.8644 |
| 0.2448 | 25.53 | 2400 | 0.3782 | 0.8453 | 0.8457 |
| 0.2504 | 27.66 | 2600 | 0.3464 | 0.8616 | 0.8617 |
| 0.2432 | 29.79 | 2800 | 0.3525 | 0.8552 | 0.8557 |
| 0.2394 | 31.91 | 3000 | 0.3392 | 0.8663 | 0.8664 |
| 0.2344 | 34.04 | 3200 | 0.3393 | 0.8656 | 0.8657 |
| 0.2315 | 36.17 | 3400 | 0.3696 | 0.8500 | 0.8504 |
| 0.2256 | 38.3 | 3600 | 0.3450 | 0.8716 | 0.8717 |
| 0.2299 | 40.43 | 3800 | 0.3478 | 0.8636 | 0.8637 |
| 0.2258 | 42.55 | 4000 | 0.3716 | 0.8574 | 0.8577 |
| 0.224 | 44.68 | 4200 | 0.3493 | 0.8650 | 0.8651 |
| 0.2214 | 46.81 | 4400 | 0.3505 | 0.8616 | 0.8617 |
| 0.2202 | 48.94 | 4600 | 0.3658 | 0.8567 | 0.8570 |
| 0.2158 | 51.06 | 4800 | 0.3434 | 0.8650 | 0.8651 |
| 0.212 | 53.19 | 5000 | 0.3885 | 0.8593 | 0.8597 |
| 0.2167 | 55.32 | 5200 | 0.3516 | 0.8657 | 0.8657 |
| 0.2085 | 57.45 | 5400 | 0.3764 | 0.8588 | 0.8591 |
| 0.2084 | 59.57 | 5600 | 0.3512 | 0.8663 | 0.8664 |
| 0.2091 | 61.7 | 5800 | 0.3427 | 0.8724 | 0.8724 |
| 0.207 | 63.83 | 6000 | 0.3845 | 0.8586 | 0.8591 |
| 0.2078 | 65.96 | 6200 | 0.3816 | 0.8588 | 0.8591 |
| 0.2011 | 68.09 | 6400 | 0.3816 | 0.8593 | 0.8597 |
| 0.201 | 70.21 | 6600 | 0.3784 | 0.8601 | 0.8604 |
| 0.2 | 72.34 | 6800 | 0.3635 | 0.8675 | 0.8677 |
| 0.2028 | 74.47 | 7000 | 0.3864 | 0.8620 | 0.8624 |
| 0.1973 | 76.6 | 7200 | 0.3869 | 0.8594 | 0.8597 |
| 0.1991 | 78.72 | 7400 | 0.3861 | 0.8614 | 0.8617 |
| 0.197 | 80.85 | 7600 | 0.3775 | 0.8636 | 0.8637 |
| 0.193 | 82.98 | 7800 | 0.3686 | 0.8656 | 0.8657 |
| 0.1949 | 85.11 | 8000 | 0.3703 | 0.8649 | 0.8651 |
| 0.191 | 87.23 | 8200 | 0.3838 | 0.8622 | 0.8624 |
| 0.1904 | 89.36 | 8400 | 0.3896 | 0.8595 | 0.8597 |
| 0.1868 | 91.49 | 8600 | 0.3988 | 0.8620 | 0.8624 |
| 0.1878 | 93.62 | 8800 | 0.3766 | 0.8696 | 0.8697 |
| 0.1916 | 95.74 | 9000 | 0.3914 | 0.8614 | 0.8617 |
| 0.1898 | 97.87 | 9200 | 0.3889 | 0.8614 | 0.8617 |
| 0.1886 | 100.0 | 9400 | 0.3826 | 0.8629 | 0.8631 |
| 0.1878 | 102.13 | 9600 | 0.3877 | 0.8621 | 0.8624 |
| 0.1885 | 104.26 | 9800 | 0.3878 | 0.8615 | 0.8617 |
| 0.1882 | 106.38 | 10000 | 0.3845 | 0.8628 | 0.8631 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3-seqsight_16384_512_22M-L8_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3-seqsight_16384_512_22M-L8_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:08:17+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3-seqsight_16384_512_22M-L32_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.4114
- F1 Score: 0.8630
- Accuracy: 0.8631
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:------:|:-----:|:---------------:|:--------:|:--------:|
| 0.4272 | 2.13 | 200 | 0.3728 | 0.8357 | 0.8357 |
| 0.3118 | 4.26 | 400 | 0.3520 | 0.8488 | 0.8490 |
| 0.2888 | 6.38 | 600 | 0.3557 | 0.8542 | 0.8544 |
| 0.2763 | 8.51 | 800 | 0.3382 | 0.8567 | 0.8570 |
| 0.2641 | 10.64 | 1000 | 0.3306 | 0.8623 | 0.8624 |
| 0.2546 | 12.77 | 1200 | 0.3413 | 0.8583 | 0.8584 |
| 0.2467 | 14.89 | 1400 | 0.3688 | 0.8527 | 0.8530 |
| 0.2436 | 17.02 | 1600 | 0.3317 | 0.8704 | 0.8704 |
| 0.2323 | 19.15 | 1800 | 0.3565 | 0.8603 | 0.8604 |
| 0.224 | 21.28 | 2000 | 0.3499 | 0.8664 | 0.8664 |
| 0.2183 | 23.4 | 2200 | 0.3650 | 0.8676 | 0.8677 |
| 0.2093 | 25.53 | 2400 | 0.3772 | 0.8627 | 0.8631 |
| 0.213 | 27.66 | 2600 | 0.3580 | 0.8682 | 0.8684 |
| 0.2031 | 29.79 | 2800 | 0.3756 | 0.8666 | 0.8671 |
| 0.1903 | 31.91 | 3000 | 0.3610 | 0.8643 | 0.8644 |
| 0.1846 | 34.04 | 3200 | 0.3655 | 0.8689 | 0.8691 |
| 0.1776 | 36.17 | 3400 | 0.3972 | 0.8589 | 0.8591 |
| 0.172 | 38.3 | 3600 | 0.3911 | 0.8689 | 0.8691 |
| 0.1713 | 40.43 | 3800 | 0.4144 | 0.8628 | 0.8631 |
| 0.1615 | 42.55 | 4000 | 0.4775 | 0.8490 | 0.8497 |
| 0.1588 | 44.68 | 4200 | 0.4382 | 0.8553 | 0.8557 |
| 0.1517 | 46.81 | 4400 | 0.4049 | 0.8651 | 0.8651 |
| 0.1495 | 48.94 | 4600 | 0.4535 | 0.8544 | 0.8550 |
| 0.1428 | 51.06 | 4800 | 0.4099 | 0.8697 | 0.8697 |
| 0.1363 | 53.19 | 5000 | 0.4498 | 0.8681 | 0.8684 |
| 0.1344 | 55.32 | 5200 | 0.4655 | 0.8567 | 0.8570 |
| 0.1312 | 57.45 | 5400 | 0.4522 | 0.8574 | 0.8577 |
| 0.1236 | 59.57 | 5600 | 0.4422 | 0.8669 | 0.8671 |
| 0.126 | 61.7 | 5800 | 0.4328 | 0.8737 | 0.8737 |
| 0.1182 | 63.83 | 6000 | 0.5018 | 0.8587 | 0.8591 |
| 0.1207 | 65.96 | 6200 | 0.4760 | 0.8643 | 0.8644 |
| 0.1107 | 68.09 | 6400 | 0.4969 | 0.8628 | 0.8631 |
| 0.1076 | 70.21 | 6600 | 0.5187 | 0.8615 | 0.8617 |
| 0.1098 | 72.34 | 6800 | 0.4973 | 0.8621 | 0.8624 |
| 0.108 | 74.47 | 7000 | 0.5290 | 0.8552 | 0.8557 |
| 0.1017 | 76.6 | 7200 | 0.5063 | 0.8716 | 0.8717 |
| 0.103 | 78.72 | 7400 | 0.5008 | 0.8642 | 0.8644 |
| 0.1026 | 80.85 | 7600 | 0.5145 | 0.8615 | 0.8617 |
| 0.0968 | 82.98 | 7800 | 0.5123 | 0.8636 | 0.8637 |
| 0.0994 | 85.11 | 8000 | 0.5162 | 0.8629 | 0.8631 |
| 0.0909 | 87.23 | 8200 | 0.5689 | 0.8552 | 0.8557 |
| 0.0937 | 89.36 | 8400 | 0.5483 | 0.8595 | 0.8597 |
| 0.0881 | 91.49 | 8600 | 0.5832 | 0.8559 | 0.8564 |
| 0.0866 | 93.62 | 8800 | 0.5441 | 0.8669 | 0.8671 |
| 0.0883 | 95.74 | 9000 | 0.5419 | 0.8615 | 0.8617 |
| 0.0903 | 97.87 | 9200 | 0.5466 | 0.8594 | 0.8597 |
| 0.0876 | 100.0 | 9400 | 0.5494 | 0.8594 | 0.8597 |
| 0.0862 | 102.13 | 9600 | 0.5617 | 0.8567 | 0.8570 |
| 0.084 | 104.26 | 9800 | 0.5582 | 0.8574 | 0.8577 |
| 0.0834 | 106.38 | 10000 | 0.5545 | 0.8601 | 0.8604 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3-seqsight_16384_512_22M-L32_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3-seqsight_16384_512_22M-L32_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:08:40+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H4ac-seqsight_16384_512_22M-L1_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H4ac](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H4ac) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.5870
- F1 Score: 0.7059
- Accuracy: 0.7062
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.6468 | 0.93 | 200 | 0.6052 | 0.6807 | 0.6804 |
| 0.6074 | 1.87 | 400 | 0.6057 | 0.6791 | 0.6818 |
| 0.593 | 2.8 | 600 | 0.5864 | 0.7032 | 0.7029 |
| 0.5903 | 3.74 | 800 | 0.5865 | 0.7039 | 0.7044 |
| 0.5832 | 4.67 | 1000 | 0.5851 | 0.6992 | 0.6997 |
| 0.5775 | 5.61 | 1200 | 0.5942 | 0.6908 | 0.6933 |
| 0.5755 | 6.54 | 1400 | 0.5774 | 0.7063 | 0.7065 |
| 0.5652 | 7.48 | 1600 | 0.5760 | 0.7070 | 0.7070 |
| 0.5718 | 8.41 | 1800 | 0.5752 | 0.7073 | 0.7076 |
| 0.5674 | 9.35 | 2000 | 0.5904 | 0.6924 | 0.6950 |
| 0.5617 | 10.28 | 2200 | 0.5727 | 0.7087 | 0.7091 |
| 0.5638 | 11.21 | 2400 | 0.5750 | 0.7080 | 0.7085 |
| 0.5586 | 12.15 | 2600 | 0.5760 | 0.7115 | 0.7120 |
| 0.5586 | 13.08 | 2800 | 0.5806 | 0.7040 | 0.7050 |
| 0.5579 | 14.02 | 3000 | 0.5728 | 0.7102 | 0.7109 |
| 0.5558 | 14.95 | 3200 | 0.5729 | 0.7053 | 0.7059 |
| 0.5513 | 15.89 | 3400 | 0.5878 | 0.6991 | 0.7012 |
| 0.5507 | 16.82 | 3600 | 0.5637 | 0.7166 | 0.7164 |
| 0.5557 | 17.76 | 3800 | 0.5730 | 0.7102 | 0.7109 |
| 0.5521 | 18.69 | 4000 | 0.5756 | 0.7080 | 0.7088 |
| 0.5481 | 19.63 | 4200 | 0.5859 | 0.7027 | 0.7047 |
| 0.5501 | 20.56 | 4400 | 0.5631 | 0.7152 | 0.7152 |
| 0.5482 | 21.5 | 4600 | 0.5938 | 0.6958 | 0.6991 |
| 0.5494 | 22.43 | 4800 | 0.5725 | 0.7103 | 0.7109 |
| 0.5474 | 23.36 | 5000 | 0.5849 | 0.7071 | 0.7088 |
| 0.5462 | 24.3 | 5200 | 0.5666 | 0.7126 | 0.7129 |
| 0.5452 | 25.23 | 5400 | 0.5700 | 0.7167 | 0.7173 |
| 0.5492 | 26.17 | 5600 | 0.5722 | 0.7137 | 0.7147 |
| 0.5467 | 27.1 | 5800 | 0.5745 | 0.7095 | 0.7106 |
| 0.5404 | 28.04 | 6000 | 0.5711 | 0.7172 | 0.7176 |
| 0.5454 | 28.97 | 6200 | 0.5828 | 0.7088 | 0.7106 |
| 0.5444 | 29.91 | 6400 | 0.5740 | 0.7099 | 0.7109 |
| 0.5439 | 30.84 | 6600 | 0.5928 | 0.6994 | 0.7023 |
| 0.5432 | 31.78 | 6800 | 0.5751 | 0.7128 | 0.7138 |
| 0.5409 | 32.71 | 7000 | 0.5738 | 0.7131 | 0.7141 |
| 0.5412 | 33.64 | 7200 | 0.5750 | 0.7130 | 0.7144 |
| 0.5393 | 34.58 | 7400 | 0.5776 | 0.7103 | 0.7117 |
| 0.5446 | 35.51 | 7600 | 0.5701 | 0.7155 | 0.7164 |
| 0.5384 | 36.45 | 7800 | 0.5750 | 0.7142 | 0.7152 |
| 0.5422 | 37.38 | 8000 | 0.5896 | 0.7030 | 0.7059 |
| 0.5391 | 38.32 | 8200 | 0.5797 | 0.7105 | 0.7120 |
| 0.5394 | 39.25 | 8400 | 0.5726 | 0.7160 | 0.7170 |
| 0.5417 | 40.19 | 8600 | 0.5708 | 0.7140 | 0.7150 |
| 0.5395 | 41.12 | 8800 | 0.5786 | 0.7083 | 0.7100 |
| 0.5384 | 42.06 | 9000 | 0.5741 | 0.7116 | 0.7126 |
| 0.539 | 42.99 | 9200 | 0.5807 | 0.7086 | 0.7103 |
| 0.5392 | 43.93 | 9400 | 0.5798 | 0.7086 | 0.7103 |
| 0.5378 | 44.86 | 9600 | 0.5752 | 0.7114 | 0.7126 |
| 0.5378 | 45.79 | 9800 | 0.5771 | 0.7107 | 0.7120 |
| 0.5389 | 46.73 | 10000 | 0.5793 | 0.7099 | 0.7114 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H4ac-seqsight_16384_512_22M-L1_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H4ac-seqsight_16384_512_22M-L1_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:08:50+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H4ac-seqsight_16384_512_22M-L8_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H4ac](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H4ac) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.5698
- F1 Score: 0.7126
- Accuracy: 0.7123
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.6273 | 0.93 | 200 | 0.5934 | 0.6951 | 0.6947 |
| 0.5883 | 1.87 | 400 | 0.5837 | 0.7024 | 0.7032 |
| 0.5726 | 2.8 | 600 | 0.5650 | 0.7228 | 0.7226 |
| 0.5667 | 3.74 | 800 | 0.5707 | 0.7126 | 0.7129 |
| 0.5597 | 4.67 | 1000 | 0.5679 | 0.7177 | 0.7176 |
| 0.5555 | 5.61 | 1200 | 0.5783 | 0.7033 | 0.7050 |
| 0.5544 | 6.54 | 1400 | 0.5759 | 0.7062 | 0.7073 |
| 0.5398 | 7.48 | 1600 | 0.5710 | 0.7146 | 0.7150 |
| 0.5475 | 8.41 | 1800 | 0.5612 | 0.7192 | 0.7191 |
| 0.5418 | 9.35 | 2000 | 0.5756 | 0.7129 | 0.7141 |
| 0.5368 | 10.28 | 2200 | 0.5580 | 0.7311 | 0.7308 |
| 0.5368 | 11.21 | 2400 | 0.5701 | 0.7196 | 0.7199 |
| 0.5325 | 12.15 | 2600 | 0.5679 | 0.7185 | 0.7191 |
| 0.5315 | 13.08 | 2800 | 0.5805 | 0.7188 | 0.7194 |
| 0.5291 | 14.02 | 3000 | 0.5543 | 0.7296 | 0.7293 |
| 0.5269 | 14.95 | 3200 | 0.5638 | 0.7195 | 0.7196 |
| 0.5213 | 15.89 | 3400 | 0.5727 | 0.7190 | 0.7196 |
| 0.5203 | 16.82 | 3600 | 0.5647 | 0.7270 | 0.7270 |
| 0.5243 | 17.76 | 3800 | 0.5802 | 0.7124 | 0.7138 |
| 0.5204 | 18.69 | 4000 | 0.5621 | 0.7276 | 0.7273 |
| 0.5161 | 19.63 | 4200 | 0.5704 | 0.7240 | 0.7243 |
| 0.5163 | 20.56 | 4400 | 0.5550 | 0.7273 | 0.7270 |
| 0.5143 | 21.5 | 4600 | 0.5860 | 0.7119 | 0.7141 |
| 0.5143 | 22.43 | 4800 | 0.5552 | 0.7370 | 0.7367 |
| 0.5141 | 23.36 | 5000 | 0.5766 | 0.7201 | 0.7208 |
| 0.5149 | 24.3 | 5200 | 0.5589 | 0.7313 | 0.7311 |
| 0.5095 | 25.23 | 5400 | 0.5592 | 0.7357 | 0.7355 |
| 0.5123 | 26.17 | 5600 | 0.5678 | 0.7260 | 0.7261 |
| 0.5087 | 27.1 | 5800 | 0.5620 | 0.7278 | 0.7276 |
| 0.5028 | 28.04 | 6000 | 0.5644 | 0.7360 | 0.7358 |
| 0.5074 | 28.97 | 6200 | 0.5755 | 0.7259 | 0.7264 |
| 0.5053 | 29.91 | 6400 | 0.5664 | 0.7268 | 0.7267 |
| 0.5041 | 30.84 | 6600 | 0.5876 | 0.7218 | 0.7229 |
| 0.5025 | 31.78 | 6800 | 0.5685 | 0.7329 | 0.7328 |
| 0.5009 | 32.71 | 7000 | 0.5709 | 0.7303 | 0.7302 |
| 0.5002 | 33.64 | 7200 | 0.5798 | 0.7236 | 0.7246 |
| 0.4986 | 34.58 | 7400 | 0.5674 | 0.7308 | 0.7308 |
| 0.5017 | 35.51 | 7600 | 0.5675 | 0.7308 | 0.7308 |
| 0.4969 | 36.45 | 7800 | 0.5741 | 0.7306 | 0.7305 |
| 0.5011 | 37.38 | 8000 | 0.5738 | 0.7261 | 0.7267 |
| 0.4966 | 38.32 | 8200 | 0.5730 | 0.7303 | 0.7305 |
| 0.4978 | 39.25 | 8400 | 0.5698 | 0.7308 | 0.7308 |
| 0.4985 | 40.19 | 8600 | 0.5709 | 0.7329 | 0.7328 |
| 0.4974 | 41.12 | 8800 | 0.5755 | 0.7288 | 0.7290 |
| 0.4952 | 42.06 | 9000 | 0.5764 | 0.7303 | 0.7305 |
| 0.4958 | 42.99 | 9200 | 0.5807 | 0.7292 | 0.7296 |
| 0.4953 | 43.93 | 9400 | 0.5763 | 0.7278 | 0.7282 |
| 0.4936 | 44.86 | 9600 | 0.5731 | 0.7313 | 0.7314 |
| 0.4931 | 45.79 | 9800 | 0.5739 | 0.7310 | 0.7311 |
| 0.4962 | 46.73 | 10000 | 0.5761 | 0.7296 | 0.7299 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H4ac-seqsight_16384_512_22M-L8_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H4ac-seqsight_16384_512_22M-L8_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:09:16+00:00 |
null | null |
# EnverLee/TinyLlama-1.1B-Chat-v0.6-x8-MoE-Q8_0-GGUF
This model was converted to GGUF format from [`dillfrescott/TinyLlama-1.1B-Chat-v0.6-x8-MoE`](https://huggingface.co/dillfrescott/TinyLlama-1.1B-Chat-v0.6-x8-MoE) 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/dillfrescott/TinyLlama-1.1B-Chat-v0.6-x8-MoE) for more details on the model.
## Use with llama.cpp
Install llama.cpp through brew.
```bash
brew install ggerganov/ggerganov/llama.cpp
```
Invoke the llama.cpp server or the CLI.
CLI:
```bash
llama-cli --hf-repo EnverLee/TinyLlama-1.1B-Chat-v0.6-x8-MoE-Q8_0-GGUF --model tinyllama-1.1b-chat-v0.6-x8-moe.Q8_0.gguf -p "The meaning to life and the universe is"
```
Server:
```bash
llama-server --hf-repo EnverLee/TinyLlama-1.1B-Chat-v0.6-x8-MoE-Q8_0-GGUF --model tinyllama-1.1b-chat-v0.6-x8-moe.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.
```
git clone https://github.com/ggerganov/llama.cpp && cd llama.cpp && make && ./main -m tinyllama-1.1b-chat-v0.6-x8-moe.Q8_0.gguf -n 128
```
| {"license": "apache-2.0", "tags": ["llama-cpp", "gguf-my-repo"]} | EnverLee/TinyLlama-1.1B-Chat-v0.6-x8-MoE-Q8_0-GGUF | null | [
"gguf",
"llama-cpp",
"gguf-my-repo",
"license:apache-2.0",
"region:us"
]
| null | 2024-04-27T08:09:39+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H4ac-seqsight_16384_512_22M-L32_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H4ac](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H4ac) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.5877
- F1 Score: 0.7198
- Accuracy: 0.7196
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.6159 | 0.93 | 200 | 0.5960 | 0.7025 | 0.7026 |
| 0.5791 | 1.87 | 400 | 0.5717 | 0.7135 | 0.7138 |
| 0.5618 | 2.8 | 600 | 0.5628 | 0.7227 | 0.7226 |
| 0.5535 | 3.74 | 800 | 0.5600 | 0.7173 | 0.7173 |
| 0.5454 | 4.67 | 1000 | 0.5561 | 0.7230 | 0.7229 |
| 0.5404 | 5.61 | 1200 | 0.5824 | 0.7075 | 0.7097 |
| 0.5367 | 6.54 | 1400 | 0.5841 | 0.7097 | 0.7117 |
| 0.521 | 7.48 | 1600 | 0.5680 | 0.7235 | 0.7240 |
| 0.5265 | 8.41 | 1800 | 0.5500 | 0.7351 | 0.7349 |
| 0.5202 | 9.35 | 2000 | 0.5581 | 0.7273 | 0.7273 |
| 0.5128 | 10.28 | 2200 | 0.5483 | 0.7358 | 0.7355 |
| 0.5087 | 11.21 | 2400 | 0.5801 | 0.7271 | 0.7276 |
| 0.5051 | 12.15 | 2600 | 0.5741 | 0.7296 | 0.7308 |
| 0.5007 | 13.08 | 2800 | 0.5808 | 0.7261 | 0.7267 |
| 0.4978 | 14.02 | 3000 | 0.5547 | 0.7348 | 0.7346 |
| 0.4932 | 14.95 | 3200 | 0.5593 | 0.7361 | 0.7361 |
| 0.4868 | 15.89 | 3400 | 0.5719 | 0.7261 | 0.7267 |
| 0.4832 | 16.82 | 3600 | 0.5714 | 0.7286 | 0.7290 |
| 0.4871 | 17.76 | 3800 | 0.6250 | 0.7020 | 0.7065 |
| 0.478 | 18.69 | 4000 | 0.5696 | 0.7325 | 0.7326 |
| 0.4738 | 19.63 | 4200 | 0.5725 | 0.7302 | 0.7305 |
| 0.4706 | 20.56 | 4400 | 0.5643 | 0.7340 | 0.7340 |
| 0.4666 | 21.5 | 4600 | 0.6017 | 0.7188 | 0.7205 |
| 0.4642 | 22.43 | 4800 | 0.5651 | 0.7395 | 0.7393 |
| 0.4636 | 23.36 | 5000 | 0.5927 | 0.7251 | 0.7258 |
| 0.4607 | 24.3 | 5200 | 0.5823 | 0.7305 | 0.7314 |
| 0.4545 | 25.23 | 5400 | 0.5759 | 0.7322 | 0.7323 |
| 0.4539 | 26.17 | 5600 | 0.5803 | 0.7299 | 0.7299 |
| 0.4509 | 27.1 | 5800 | 0.5770 | 0.7339 | 0.7337 |
| 0.4445 | 28.04 | 6000 | 0.6015 | 0.7272 | 0.7279 |
| 0.4476 | 28.97 | 6200 | 0.6006 | 0.7241 | 0.7246 |
| 0.4438 | 29.91 | 6400 | 0.6084 | 0.7165 | 0.7179 |
| 0.4408 | 30.84 | 6600 | 0.6135 | 0.7221 | 0.7232 |
| 0.4355 | 31.78 | 6800 | 0.6022 | 0.7258 | 0.7264 |
| 0.4314 | 32.71 | 7000 | 0.6119 | 0.7240 | 0.7243 |
| 0.4328 | 33.64 | 7200 | 0.6236 | 0.7188 | 0.7211 |
| 0.4298 | 34.58 | 7400 | 0.6007 | 0.7231 | 0.7238 |
| 0.4298 | 35.51 | 7600 | 0.6101 | 0.7258 | 0.7270 |
| 0.4279 | 36.45 | 7800 | 0.6283 | 0.7244 | 0.7255 |
| 0.4282 | 37.38 | 8000 | 0.6140 | 0.7267 | 0.7279 |
| 0.4253 | 38.32 | 8200 | 0.6041 | 0.7253 | 0.7258 |
| 0.4248 | 39.25 | 8400 | 0.6134 | 0.7245 | 0.7252 |
| 0.4203 | 40.19 | 8600 | 0.6205 | 0.7220 | 0.7229 |
| 0.4208 | 41.12 | 8800 | 0.6188 | 0.7276 | 0.7287 |
| 0.4151 | 42.06 | 9000 | 0.6137 | 0.7245 | 0.7252 |
| 0.4186 | 42.99 | 9200 | 0.6274 | 0.7226 | 0.7240 |
| 0.4167 | 43.93 | 9400 | 0.6204 | 0.7248 | 0.7261 |
| 0.4147 | 44.86 | 9600 | 0.6160 | 0.7232 | 0.7240 |
| 0.4133 | 45.79 | 9800 | 0.6191 | 0.7228 | 0.7238 |
| 0.4154 | 46.73 | 10000 | 0.6194 | 0.7224 | 0.7235 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H4ac-seqsight_16384_512_22M-L32_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H4ac-seqsight_16384_512_22M-L32_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:10:03+00:00 |
null | 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.10.0 | {"library_name": "peft", "base_model": "Salesforce/codegen-350M-mono"} | Denis641/BICodeGen_MNTP | null | [
"peft",
"safetensors",
"codegen",
"arxiv:1910.09700",
"base_model:Salesforce/codegen-350M-mono",
"region:us"
]
| null | 2024-04-27T08:10:07+00:00 |
null | null |
# EnverLee/polyglot-ko-1.3b-Q4_0-GGUF
This model was converted to GGUF format from [`EleutherAI/polyglot-ko-1.3b`](https://huggingface.co/EleutherAI/polyglot-ko-1.3b) 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/EleutherAI/polyglot-ko-1.3b) for more details on the model.
## Use with llama.cpp
Install llama.cpp through brew.
```bash
brew install ggerganov/ggerganov/llama.cpp
```
Invoke the llama.cpp server or the CLI.
CLI:
```bash
llama-cli --hf-repo EnverLee/polyglot-ko-1.3b-Q4_0-GGUF --model polyglot-ko-1.3b.Q4_0.gguf -p "The meaning to life and the universe is"
```
Server:
```bash
llama-server --hf-repo EnverLee/polyglot-ko-1.3b-Q4_0-GGUF --model polyglot-ko-1.3b.Q4_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.
```
git clone https://github.com/ggerganov/llama.cpp && cd llama.cpp && make && ./main -m polyglot-ko-1.3b.Q4_0.gguf -n 128
```
| {"language": ["ko"], "license": "apache-2.0", "tags": ["pytorch", "causal-lm", "llama-cpp", "gguf-my-repo"]} | EnverLee/polyglot-ko-1.3b-Q4_0-GGUF | null | [
"gguf",
"pytorch",
"causal-lm",
"llama-cpp",
"gguf-my-repo",
"ko",
"license:apache-2.0",
"region:us"
]
| null | 2024-04-27T08:11:19+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K79me3-seqsight_16384_512_22M-L1_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K79me3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K79me3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.4510
- F1 Score: 0.8058
- Accuracy: 0.8069
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.5422 | 1.1 | 200 | 0.4758 | 0.7965 | 0.7965 |
| 0.4821 | 2.21 | 400 | 0.4710 | 0.7835 | 0.7861 |
| 0.4747 | 3.31 | 600 | 0.4565 | 0.7964 | 0.7979 |
| 0.4647 | 4.42 | 800 | 0.4572 | 0.7934 | 0.7951 |
| 0.4645 | 5.52 | 1000 | 0.4557 | 0.7929 | 0.7951 |
| 0.4614 | 6.63 | 1200 | 0.4628 | 0.7889 | 0.7916 |
| 0.4621 | 7.73 | 1400 | 0.4461 | 0.8014 | 0.8027 |
| 0.4547 | 8.84 | 1600 | 0.4527 | 0.7977 | 0.7996 |
| 0.4537 | 9.94 | 1800 | 0.4395 | 0.8081 | 0.8083 |
| 0.4516 | 11.05 | 2000 | 0.4459 | 0.8015 | 0.8031 |
| 0.4515 | 12.15 | 2200 | 0.4448 | 0.8050 | 0.8065 |
| 0.4441 | 13.26 | 2400 | 0.4411 | 0.8043 | 0.8058 |
| 0.4443 | 14.36 | 2600 | 0.4351 | 0.8100 | 0.8107 |
| 0.446 | 15.47 | 2800 | 0.4485 | 0.8039 | 0.8062 |
| 0.4377 | 16.57 | 3000 | 0.4372 | 0.8120 | 0.8128 |
| 0.4418 | 17.68 | 3200 | 0.4359 | 0.8077 | 0.8089 |
| 0.4363 | 18.78 | 3400 | 0.4334 | 0.8113 | 0.8121 |
| 0.4382 | 19.89 | 3600 | 0.4475 | 0.8038 | 0.8062 |
| 0.4384 | 20.99 | 3800 | 0.4373 | 0.8133 | 0.8145 |
| 0.4371 | 22.1 | 4000 | 0.4314 | 0.8141 | 0.8152 |
| 0.4329 | 23.2 | 4200 | 0.4370 | 0.8132 | 0.8145 |
| 0.4339 | 24.31 | 4400 | 0.4396 | 0.8140 | 0.8152 |
| 0.4243 | 25.41 | 4600 | 0.4385 | 0.8172 | 0.8183 |
| 0.4343 | 26.52 | 4800 | 0.4316 | 0.8182 | 0.8190 |
| 0.4348 | 27.62 | 5000 | 0.4331 | 0.8163 | 0.8173 |
| 0.4299 | 28.73 | 5200 | 0.4311 | 0.8173 | 0.8183 |
| 0.4267 | 29.83 | 5400 | 0.4314 | 0.8197 | 0.8204 |
| 0.4292 | 30.94 | 5600 | 0.4313 | 0.8195 | 0.8200 |
| 0.43 | 32.04 | 5800 | 0.4294 | 0.8199 | 0.8204 |
| 0.4274 | 33.15 | 6000 | 0.4303 | 0.8185 | 0.8193 |
| 0.4269 | 34.25 | 6200 | 0.4321 | 0.8203 | 0.8211 |
| 0.4245 | 35.36 | 6400 | 0.4364 | 0.8174 | 0.8187 |
| 0.4279 | 36.46 | 6600 | 0.4300 | 0.8190 | 0.8197 |
| 0.4274 | 37.57 | 6800 | 0.4305 | 0.8197 | 0.8204 |
| 0.4224 | 38.67 | 7000 | 0.4324 | 0.8200 | 0.8207 |
| 0.4219 | 39.78 | 7200 | 0.4313 | 0.8195 | 0.8200 |
| 0.4271 | 40.88 | 7400 | 0.4305 | 0.8190 | 0.8197 |
| 0.4229 | 41.99 | 7600 | 0.4325 | 0.8185 | 0.8193 |
| 0.4239 | 43.09 | 7800 | 0.4347 | 0.8163 | 0.8173 |
| 0.4233 | 44.2 | 8000 | 0.4332 | 0.8173 | 0.8183 |
| 0.4222 | 45.3 | 8200 | 0.4327 | 0.8176 | 0.8183 |
| 0.4211 | 46.41 | 8400 | 0.4327 | 0.8189 | 0.8197 |
| 0.4243 | 47.51 | 8600 | 0.4311 | 0.8193 | 0.8200 |
| 0.4216 | 48.62 | 8800 | 0.4329 | 0.8183 | 0.8193 |
| 0.4194 | 49.72 | 9000 | 0.4343 | 0.8192 | 0.8200 |
| 0.4243 | 50.83 | 9200 | 0.4337 | 0.8191 | 0.8200 |
| 0.4224 | 51.93 | 9400 | 0.4321 | 0.8175 | 0.8183 |
| 0.4203 | 53.04 | 9600 | 0.4321 | 0.8172 | 0.8180 |
| 0.419 | 54.14 | 9800 | 0.4316 | 0.8173 | 0.8180 |
| 0.4199 | 55.25 | 10000 | 0.4327 | 0.8175 | 0.8183 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K79me3-seqsight_16384_512_22M-L1_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K79me3-seqsight_16384_512_22M-L1_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:11:23+00:00 |
token-classification | transformers | {} | yaojingguo/bert-finetuned-ner-accelerate | null | [
"transformers",
"safetensors",
"bert",
"token-classification",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T08:12:04+00:00 |
|
text-to-image | 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 - embracellm/sushi_LoRA_2
<Gallery />
## Model description
These are embracellm/sushi_LoRA_2 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: madebyollin/sdxl-vae-fp16-fix.
## Trigger words
You should use a photo of sushi to trigger the image generation.
## Download model
Weights for this model are available in Safetensors format.
[Download](embracellm/sushi_LoRA_2/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] | {"license": "openrail++", "library_name": "diffusers", "tags": ["text-to-image", "text-to-image", "diffusers-training", "diffusers", "dora", "template:sd-lora", "stable-diffusion-xl", "stable-diffusion-xl-diffusers"], "base_model": "stabilityai/stable-diffusion-xl-base-1.0", "instance_prompt": "a photo of sushi", "widget": []} | embracellm/sushi_LoRA_2 | null | [
"diffusers",
"tensorboard",
"text-to-image",
"diffusers-training",
"dora",
"template:sd-lora",
"stable-diffusion-xl",
"stable-diffusion-xl-diffusers",
"base_model:stabilityai/stable-diffusion-xl-base-1.0",
"license:openrail++",
"region:us"
]
| null | 2024-04-27T08:12:40+00:00 |
null | null | {} | SubHumanZZ/Hairstyle-DuoTone-Color | null | [
"region:us"
]
| null | 2024-04-27T08:12:43+00:00 |
|
text-generation | transformers |
# stablelm-2-zephyr-1.6b-slerpx2
stablelm-2-zephyr-1.6b-slerpx2 is a merge of the following models using [LazyMergekit](https://colab.research.google.com/drive/1obulZ1ROXHjYLn6PPZJwRR6GzgQogxxb?usp=sharing):
* [aipib/stablelm-2-1_6b_slerpmerge](https://huggingface.co/aipib/stablelm-2-1_6b_slerpmerge)
* [stabilityai/stablelm-2-1_6b](https://huggingface.co/stabilityai/stablelm-2-1_6b)
## 🧩 Configuration
```yaml
slices:
- sources:
- model: aipib/stablelm-2-1_6b_slerpmerge
layer_range: [0, 24]
- model: stabilityai/stablelm-2-1_6b
layer_range: [0, 24]
merge_method: slerp
base_model: aipib/stablelm-2-1_6b_slerpmerge
parameters:
t:
- filter: self_attn
value: [0, 0.5, 0.3, 0.7, 1]
- filter: mlp
value: [1, 0.5, 0.7, 0.3, 0]
- value: 0.5
dtype: bfloat16
```
## 💻 Usage
```python
!pip install -qU transformers accelerate
from transformers import AutoTokenizer
import transformers
import torch
model = "aipib/stablelm-2-zephyr-1.6b-slerpx2"
messages = [{"role": "user", "content": "What is a large language model?"}]
tokenizer = AutoTokenizer.from_pretrained(model)
prompt = tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)
pipeline = transformers.pipeline(
"text-generation",
model=model,
torch_dtype=torch.float16,
device_map="auto",
)
outputs = pipeline(prompt, max_new_tokens=256, do_sample=True, temperature=0.7, top_k=50, top_p=0.95)
print(outputs[0]["generated_text"])
``` | {"tags": ["merge", "mergekit", "lazymergekit", "aipib/stablelm-2-1_6b_slerpmerge", "stabilityai/stablelm-2-1_6b"], "base_model": ["aipib/stablelm-2-1_6b_slerpmerge", "stabilityai/stablelm-2-1_6b"]} | aipib/stablelm-2-zephyr-1.6b-slerpx2 | null | [
"transformers",
"safetensors",
"stablelm",
"text-generation",
"merge",
"mergekit",
"lazymergekit",
"aipib/stablelm-2-1_6b_slerpmerge",
"stabilityai/stablelm-2-1_6b",
"conversational",
"base_model:aipib/stablelm-2-1_6b_slerpmerge",
"base_model:stabilityai/stablelm-2-1_6b",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T08:13:01+00:00 |
text-generation | transformers |
<!-- 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. -->
# 0.001_5iters_bs256_nodpo_only4w_iter_1
This model is a fine-tuned version of [HuggingFaceH4/mistral-7b-sft-beta](https://huggingface.co/HuggingFaceH4/mistral-7b-sft-beta) on the updated and the original datasets.
## 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-07
- train_batch_size: 8
- eval_batch_size: 8
- seed: 42
- distributed_type: multi-GPU
- num_devices: 8
- gradient_accumulation_steps: 4
- total_train_batch_size: 256
- total_eval_batch_size: 64
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: cosine
- lr_scheduler_warmup_ratio: 0.1
- num_epochs: 1
### Training results
### Framework versions
- Transformers 4.40.0
- Pytorch 2.1.2+cu121
- Datasets 2.14.6
- Tokenizers 0.19.1
| {"license": "mit", "tags": ["alignment-handbook", "trl", "dpo", "generated_from_trainer", "trl", "dpo", "generated_from_trainer"], "datasets": ["updated", "original"], "base_model": "HuggingFaceH4/mistral-7b-sft-beta", "model-index": [{"name": "0.001_5iters_bs256_nodpo_only4w_iter_1", "results": []}]} | ShenaoZhang/0.001_5iters_bs256_nodpo_only4w_iter_1 | null | [
"transformers",
"safetensors",
"mistral",
"text-generation",
"alignment-handbook",
"trl",
"dpo",
"generated_from_trainer",
"conversational",
"dataset:updated",
"dataset:original",
"base_model:HuggingFaceH4/mistral-7b-sft-beta",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T08:13:33+00:00 |
text-generation | transformers |
# 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] | {"library_name": "transformers", "tags": []} | ytcheng/bert-base-chinese | null | [
"transformers",
"safetensors",
"bert",
"text-generation",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T08:13:37+00:00 |
null | transformers |
# 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] | {"library_name": "transformers", "tags": []} | eduard76/idefics-9b-test | null | [
"transformers",
"safetensors",
"idefics",
"pretraining",
"arxiv:1910.09700",
"endpoints_compatible",
"text-generation-inference",
"4-bit",
"region:us"
]
| null | 2024-04-27T08:14:37+00:00 |
null | transformers | {} | ikeno-ada/m2m100_1.2B_ct2_8bit | null | [
"transformers",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T08:15:28+00:00 |
|
null | null |
# EnverLee/DAVinCI-42dot_LLM-PLM-1.3B-v1.2-Q4_0-GGUF
This model was converted to GGUF format from [`jungyuko/DAVinCI-42dot_LLM-PLM-1.3B-v1.2`](https://huggingface.co/jungyuko/DAVinCI-42dot_LLM-PLM-1.3B-v1.2) 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/jungyuko/DAVinCI-42dot_LLM-PLM-1.3B-v1.2) for more details on the model.
## Use with llama.cpp
Install llama.cpp through brew.
```bash
brew install ggerganov/ggerganov/llama.cpp
```
Invoke the llama.cpp server or the CLI.
CLI:
```bash
llama-cli --hf-repo EnverLee/DAVinCI-42dot_LLM-PLM-1.3B-v1.2-Q4_0-GGUF --model davinci-42dot_llm-plm-1.3b-v1.2.Q4_0.gguf -p "The meaning to life and the universe is"
```
Server:
```bash
llama-server --hf-repo EnverLee/DAVinCI-42dot_LLM-PLM-1.3B-v1.2-Q4_0-GGUF --model davinci-42dot_llm-plm-1.3b-v1.2.Q4_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.
```
git clone https://github.com/ggerganov/llama.cpp && cd llama.cpp && make && ./main -m davinci-42dot_llm-plm-1.3b-v1.2.Q4_0.gguf -n 128
```
| {"license": "cc-by-nc-4.0", "tags": ["llama-cpp", "gguf-my-repo"]} | EnverLee/DAVinCI-42dot_LLM-PLM-1.3B-v1.2-Q4_0-GGUF | null | [
"gguf",
"llama-cpp",
"gguf-my-repo",
"license:cc-by-nc-4.0",
"region:us"
]
| null | 2024-04-27T08:15:35+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K79me3-seqsight_16384_512_22M-L8_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K79me3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K79me3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.4452
- F1 Score: 0.8154
- Accuracy: 0.8155
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.5215 | 1.1 | 200 | 0.4615 | 0.8030 | 0.8031 |
| 0.4709 | 2.21 | 400 | 0.4541 | 0.7966 | 0.7982 |
| 0.4622 | 3.31 | 600 | 0.4492 | 0.7985 | 0.8003 |
| 0.4502 | 4.42 | 800 | 0.4476 | 0.7970 | 0.7989 |
| 0.4472 | 5.52 | 1000 | 0.4517 | 0.7965 | 0.7992 |
| 0.4422 | 6.63 | 1200 | 0.4515 | 0.8038 | 0.8062 |
| 0.4408 | 7.73 | 1400 | 0.4379 | 0.8084 | 0.8100 |
| 0.4331 | 8.84 | 1600 | 0.4504 | 0.8043 | 0.8062 |
| 0.4304 | 9.94 | 1800 | 0.4252 | 0.8158 | 0.8159 |
| 0.4271 | 11.05 | 2000 | 0.4387 | 0.8131 | 0.8141 |
| 0.4259 | 12.15 | 2200 | 0.4249 | 0.8224 | 0.8225 |
| 0.4208 | 13.26 | 2400 | 0.4313 | 0.8171 | 0.8180 |
| 0.4204 | 14.36 | 2600 | 0.4253 | 0.8241 | 0.8245 |
| 0.4191 | 15.47 | 2800 | 0.4306 | 0.8184 | 0.8193 |
| 0.4117 | 16.57 | 3000 | 0.4295 | 0.8197 | 0.8197 |
| 0.4177 | 17.68 | 3200 | 0.4229 | 0.8227 | 0.8232 |
| 0.4109 | 18.78 | 3400 | 0.4307 | 0.8175 | 0.8183 |
| 0.4111 | 19.89 | 3600 | 0.4274 | 0.8189 | 0.8197 |
| 0.4112 | 20.99 | 3800 | 0.4294 | 0.8148 | 0.8159 |
| 0.4094 | 22.1 | 4000 | 0.4229 | 0.8199 | 0.8204 |
| 0.4058 | 23.2 | 4200 | 0.4264 | 0.8195 | 0.8200 |
| 0.4058 | 24.31 | 4400 | 0.4353 | 0.8152 | 0.8162 |
| 0.3953 | 25.41 | 4600 | 0.4305 | 0.8202 | 0.8204 |
| 0.4061 | 26.52 | 4800 | 0.4268 | 0.8212 | 0.8214 |
| 0.4051 | 27.62 | 5000 | 0.4254 | 0.8185 | 0.8190 |
| 0.3985 | 28.73 | 5200 | 0.4258 | 0.8171 | 0.8176 |
| 0.3966 | 29.83 | 5400 | 0.4238 | 0.8209 | 0.8211 |
| 0.3972 | 30.94 | 5600 | 0.4277 | 0.8235 | 0.8239 |
| 0.3984 | 32.04 | 5800 | 0.4262 | 0.8260 | 0.8259 |
| 0.395 | 33.15 | 6000 | 0.4265 | 0.8187 | 0.8193 |
| 0.3924 | 34.25 | 6200 | 0.4334 | 0.8185 | 0.8187 |
| 0.3933 | 35.36 | 6400 | 0.4317 | 0.8188 | 0.8193 |
| 0.3938 | 36.46 | 6600 | 0.4265 | 0.8207 | 0.8211 |
| 0.3934 | 37.57 | 6800 | 0.4268 | 0.8181 | 0.8187 |
| 0.3892 | 38.67 | 7000 | 0.4311 | 0.8143 | 0.8152 |
| 0.3862 | 39.78 | 7200 | 0.4302 | 0.8203 | 0.8207 |
| 0.3933 | 40.88 | 7400 | 0.4250 | 0.8233 | 0.8235 |
| 0.3871 | 41.99 | 7600 | 0.4284 | 0.8200 | 0.8204 |
| 0.3871 | 43.09 | 7800 | 0.4346 | 0.8174 | 0.8180 |
| 0.3872 | 44.2 | 8000 | 0.4330 | 0.8145 | 0.8152 |
| 0.3853 | 45.3 | 8200 | 0.4323 | 0.8163 | 0.8166 |
| 0.3838 | 46.41 | 8400 | 0.4335 | 0.8180 | 0.8183 |
| 0.387 | 47.51 | 8600 | 0.4323 | 0.8188 | 0.8193 |
| 0.384 | 48.62 | 8800 | 0.4316 | 0.8152 | 0.8159 |
| 0.3823 | 49.72 | 9000 | 0.4336 | 0.8157 | 0.8162 |
| 0.3865 | 50.83 | 9200 | 0.4336 | 0.8166 | 0.8173 |
| 0.3844 | 51.93 | 9400 | 0.4317 | 0.8171 | 0.8176 |
| 0.3816 | 53.04 | 9600 | 0.4324 | 0.8183 | 0.8187 |
| 0.3823 | 54.14 | 9800 | 0.4319 | 0.8190 | 0.8193 |
| 0.3797 | 55.25 | 10000 | 0.4332 | 0.8164 | 0.8169 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K79me3-seqsight_16384_512_22M-L8_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K79me3-seqsight_16384_512_22M-L8_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:16:16+00:00 |
null | transformers | ## About
<!-- ### quantize_version: 2 -->
<!-- ### output_tensor_quantised: 1 -->
<!-- ### convert_type: -->
<!-- ### vocab_type: -->
static quants of https://huggingface.co/Manavshah/llama4-dolphin-8B
<!-- provided-files -->
weighted/imatrix quants seem not to be available (by me) at this time. If they do not show up a week or so after the static ones, I have probably not planned for them. Feel free to request them by opening a Community Discussion.
## 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/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.Q2_K.gguf) | Q2_K | 3.3 | |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.IQ3_XS.gguf) | IQ3_XS | 3.6 | |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.Q3_K_S.gguf) | Q3_K_S | 3.8 | |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.IQ3_S.gguf) | IQ3_S | 3.8 | beats Q3_K* |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.IQ3_M.gguf) | IQ3_M | 3.9 | |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.Q3_K_M.gguf) | Q3_K_M | 4.1 | lower quality |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.Q3_K_L.gguf) | Q3_K_L | 4.4 | |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.IQ4_XS.gguf) | IQ4_XS | 4.6 | |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.Q4_K_S.gguf) | Q4_K_S | 4.8 | fast, recommended |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.Q4_K_M.gguf) | Q4_K_M | 5.0 | fast, recommended |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.Q5_K_S.gguf) | Q5_K_S | 5.7 | |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.Q5_K_M.gguf) | Q5_K_M | 5.8 | |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.Q6_K.gguf) | Q6_K | 6.7 | very good quality |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.Q8_0.gguf) | Q8_0 | 8.6 | fast, best quality |
| [GGUF](https://huggingface.co/mradermacher/llama4-dolphin-8B-GGUF/resolve/main/llama4-dolphin-8B.f16.gguf) | f16 | 16.2 | 16 bpw, overkill |
Here is a handy graph by ikawrakow comparing some lower-quality quant
types (lower is better):

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.
<!-- end -->
| {"language": ["en"], "library_name": "transformers", "base_model": "Manavshah/llama4-dolphin-8B", "quantized_by": "mradermacher"} | mradermacher/llama4-dolphin-8B-GGUF | null | [
"transformers",
"gguf",
"en",
"base_model:Manavshah/llama4-dolphin-8B",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T08:17:50+00:00 |
text-generation | transformers |
# stablelm-2-zephyr-1.6b-slerpx3
stablelm-2-zephyr-1.6b-slerpx3 is a merge of the following models using [LazyMergekit](https://colab.research.google.com/drive/1obulZ1ROXHjYLn6PPZJwRR6GzgQogxxb?usp=sharing):
* [aipib/stablelm-2-zephyr-1.6b-slerpx2](https://huggingface.co/aipib/stablelm-2-zephyr-1.6b-slerpx2)
* [aipib/stablelm-2-1_6b_slerpmerge](https://huggingface.co/aipib/stablelm-2-1_6b_slerpmerge)
## 🧩 Configuration
```yaml
slices:
- sources:
- model: aipib/stablelm-2-zephyr-1.6b-slerpx2
layer_range: [0, 24]
- model: aipib/stablelm-2-1_6b_slerpmerge
layer_range: [0, 24]
merge_method: slerp
base_model: aipib/stablelm-2-zephyr-1.6b-slerpx2
parameters:
t:
- filter: self_attn
value: [0, 0.5, 0.3, 0.7, 1]
- filter: mlp
value: [1, 0.5, 0.7, 0.3, 0]
- value: 0.5
dtype: bfloat16
```
## 💻 Usage
```python
!pip install -qU transformers accelerate
from transformers import AutoTokenizer
import transformers
import torch
model = "aipib/stablelm-2-zephyr-1.6b-slerpx3"
messages = [{"role": "user", "content": "What is a large language model?"}]
tokenizer = AutoTokenizer.from_pretrained(model)
prompt = tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)
pipeline = transformers.pipeline(
"text-generation",
model=model,
torch_dtype=torch.float16,
device_map="auto",
)
outputs = pipeline(prompt, max_new_tokens=256, do_sample=True, temperature=0.7, top_k=50, top_p=0.95)
print(outputs[0]["generated_text"])
``` | {"tags": ["merge", "mergekit", "lazymergekit", "aipib/stablelm-2-zephyr-1.6b-slerpx2", "aipib/stablelm-2-1_6b_slerpmerge"], "base_model": ["aipib/stablelm-2-zephyr-1.6b-slerpx2", "aipib/stablelm-2-1_6b_slerpmerge"]} | aipib/stablelm-2-zephyr-1.6b-slerpx3 | null | [
"transformers",
"safetensors",
"stablelm",
"text-generation",
"merge",
"mergekit",
"lazymergekit",
"aipib/stablelm-2-zephyr-1.6b-slerpx2",
"aipib/stablelm-2-1_6b_slerpmerge",
"conversational",
"base_model:aipib/stablelm-2-zephyr-1.6b-slerpx2",
"base_model:aipib/stablelm-2-1_6b_slerpmerge",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T08:19:52+00:00 |
text-generation | transformers |
# 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] | {"library_name": "transformers", "tags": []} | cmpktheo/Droid | null | [
"transformers",
"safetensors",
"gemma",
"text-generation",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T08:20:23+00:00 |
null | null | # rakib72642/Face_Detection_Logic
# HuggingFace: https://huggingface.co/rakib72642/Face_Detection_Logic
# Setup Global API
sudo apt install iproute2 -y && sudo apt install wget -y && sudo apt install unzip -y && sudo apt install unzip -y && sudo apt install nvtop -y && sudo apt-get install git-all -y && sudo apt-get install git-lfs -y && sudo apt-get update && sudo apt-get install libgl1 -y && sudo apt install curl -y && curl -s https://ngrok-agent.s3.amazonaws.com/ngrok.asc | sudo tee /etc/apt/trusted.gpg.d/ngrok.asc >/dev/null && echo "deb https://ngrok-agent.s3.amazonaws.com buster main" | sudo tee /etc/apt/sources.list.d/ngrok.list && sudo apt update && sudo apt install ngrok -y && sudo apt update && sudo apt upgrade -y && ngrok config add-authtoken 2Qm8hS1zPhVXiLjEdlI4738tLzF_2QJwGJMK5oTbQD33QSVXS && ngrok http --domain=he.ngrok.app 8060
# Setup Local API
git clone https://huggingface.co/rakib72642/Face_Detection_Logic && cd Face_Detection_Logic && pip install -r requirements.txt && sudo apt update && sudo apt upgrade -y && python face_logic_api.py
cd Face_Detection_Logic && python face_logic_api.py
# hypercorn face_logic_api:app --bind 127.0.0.1:8060 --workers 4 | {} | rakib72642/Face_Detection_Logic | null | [
"doi:10.57967/hf/2132",
"region:us"
]
| null | 2024-04-27T08:21:11+00:00 |
null | null | {} | gggbt/greenscreen | null | [
"region:us"
]
| null | 2024-04-27T08:22:46+00:00 |
|
unconditional-image-generation | diffusers | # 此模型是用于生成蝴蝶图像的无条件生成扩散模型 by shoe
'''python
from diffusers import DDPMPipeline
pipeline = DDPMPipeline.from_pretrained('{hub_model_id}')
image = pipeline().images[0]
image | {"language": ["en"], "license": "mit", "library_name": "diffusers", "tags": ["code"], "datasets": ["huggan/smithsonian_butterflies_subset"], "metrics": ["code_eval"], "targs": ["pytorch", "diffusers", "unconditional-image-generation", "diffusion-models-class"], "pipeline_tag": "unconditional-image-generation"} | shao918516/sd-class-butterflies-32 | null | [
"diffusers",
"safetensors",
"code",
"unconditional-image-generation",
"en",
"dataset:huggan/smithsonian_butterflies_subset",
"license:mit",
"diffusers:DDPMPipeline",
"region:us"
]
| null | 2024-04-27T08:23:30+00:00 |
text-generation | transformers |
# 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]
| {"library_name": "transformers", "tags": []} | swj0419/hp_all_STEP0000010 | null | [
"transformers",
"safetensors",
"llama",
"text-generation",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T08:24:59+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K79me3-seqsight_16384_512_22M-L32_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K79me3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K79me3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.4634
- F1 Score: 0.8166
- Accuracy: 0.8169
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.5099 | 1.1 | 200 | 0.4519 | 0.8033 | 0.8037 |
| 0.4636 | 2.21 | 400 | 0.4405 | 0.8105 | 0.8110 |
| 0.4518 | 3.31 | 600 | 0.4419 | 0.8049 | 0.8065 |
| 0.4373 | 4.42 | 800 | 0.4418 | 0.8102 | 0.8117 |
| 0.4337 | 5.52 | 1000 | 0.4376 | 0.8138 | 0.8152 |
| 0.4279 | 6.63 | 1200 | 0.4592 | 0.8005 | 0.8031 |
| 0.4252 | 7.73 | 1400 | 0.4413 | 0.8081 | 0.8100 |
| 0.4167 | 8.84 | 1600 | 0.4679 | 0.7975 | 0.8006 |
| 0.41 | 9.94 | 1800 | 0.4273 | 0.8192 | 0.8193 |
| 0.4059 | 11.05 | 2000 | 0.4373 | 0.8149 | 0.8159 |
| 0.4028 | 12.15 | 2200 | 0.4246 | 0.8204 | 0.8207 |
| 0.3971 | 13.26 | 2400 | 0.4294 | 0.8210 | 0.8218 |
| 0.391 | 14.36 | 2600 | 0.4299 | 0.8196 | 0.8200 |
| 0.388 | 15.47 | 2800 | 0.4330 | 0.8146 | 0.8155 |
| 0.3789 | 16.57 | 3000 | 0.4315 | 0.8227 | 0.8228 |
| 0.3822 | 17.68 | 3200 | 0.4286 | 0.8219 | 0.8221 |
| 0.3748 | 18.78 | 3400 | 0.4470 | 0.8101 | 0.8114 |
| 0.3706 | 19.89 | 3600 | 0.4310 | 0.8177 | 0.8180 |
| 0.368 | 20.99 | 3800 | 0.4439 | 0.8122 | 0.8131 |
| 0.3637 | 22.1 | 4000 | 0.4379 | 0.8240 | 0.8242 |
| 0.3591 | 23.2 | 4200 | 0.4493 | 0.8186 | 0.8187 |
| 0.3566 | 24.31 | 4400 | 0.4525 | 0.8165 | 0.8173 |
| 0.3433 | 25.41 | 4600 | 0.4524 | 0.8177 | 0.8176 |
| 0.3503 | 26.52 | 4800 | 0.4487 | 0.8104 | 0.8107 |
| 0.3478 | 27.62 | 5000 | 0.4511 | 0.8158 | 0.8166 |
| 0.3382 | 28.73 | 5200 | 0.4522 | 0.8188 | 0.8193 |
| 0.3346 | 29.83 | 5400 | 0.4523 | 0.8159 | 0.8159 |
| 0.3348 | 30.94 | 5600 | 0.4558 | 0.8136 | 0.8138 |
| 0.3331 | 32.04 | 5800 | 0.4547 | 0.8199 | 0.8197 |
| 0.3271 | 33.15 | 6000 | 0.4593 | 0.8171 | 0.8176 |
| 0.3243 | 34.25 | 6200 | 0.4761 | 0.8143 | 0.8141 |
| 0.3249 | 35.36 | 6400 | 0.4719 | 0.8191 | 0.8193 |
| 0.32 | 36.46 | 6600 | 0.4721 | 0.8120 | 0.8124 |
| 0.3182 | 37.57 | 6800 | 0.4760 | 0.8133 | 0.8138 |
| 0.3185 | 38.67 | 7000 | 0.4761 | 0.8130 | 0.8138 |
| 0.3098 | 39.78 | 7200 | 0.4743 | 0.8165 | 0.8169 |
| 0.3144 | 40.88 | 7400 | 0.4666 | 0.8208 | 0.8207 |
| 0.3077 | 41.99 | 7600 | 0.4682 | 0.8180 | 0.8183 |
| 0.3043 | 43.09 | 7800 | 0.4861 | 0.8186 | 0.8187 |
| 0.3072 | 44.2 | 8000 | 0.4798 | 0.8131 | 0.8135 |
| 0.3004 | 45.3 | 8200 | 0.4849 | 0.8206 | 0.8204 |
| 0.298 | 46.41 | 8400 | 0.4854 | 0.8203 | 0.8204 |
| 0.304 | 47.51 | 8600 | 0.4814 | 0.8145 | 0.8148 |
| 0.2999 | 48.62 | 8800 | 0.4790 | 0.8192 | 0.8193 |
| 0.2968 | 49.72 | 9000 | 0.4830 | 0.8168 | 0.8169 |
| 0.2992 | 50.83 | 9200 | 0.4836 | 0.8152 | 0.8155 |
| 0.2939 | 51.93 | 9400 | 0.4873 | 0.8178 | 0.8180 |
| 0.2944 | 53.04 | 9600 | 0.4890 | 0.8182 | 0.8183 |
| 0.2921 | 54.14 | 9800 | 0.4893 | 0.8179 | 0.8180 |
| 0.2906 | 55.25 | 10000 | 0.4908 | 0.8168 | 0.8169 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K79me3-seqsight_16384_512_22M-L32_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K79me3-seqsight_16384_512_22M-L32_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:25:49+00:00 |
null | transformers | ## About
<!-- ### quantize_version: 2 -->
<!-- ### output_tensor_quantised: 1 -->
<!-- ### convert_type: -->
<!-- ### vocab_type: -->
static quants of https://huggingface.co/CalderaAI/Hexoteric-7B
<!-- provided-files -->
weighted/imatrix quants seem not to be available (by me) at this time. If they do not show up a week or so after the static ones, I have probably not planned for them. Feel free to request them by opening a Community Discussion.
## 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/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.Q2_K.gguf) | Q2_K | 2.8 | |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.IQ3_XS.gguf) | IQ3_XS | 3.1 | |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.Q3_K_S.gguf) | Q3_K_S | 3.3 | |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.IQ3_S.gguf) | IQ3_S | 3.3 | beats Q3_K* |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.IQ3_M.gguf) | IQ3_M | 3.4 | |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.Q3_K_M.gguf) | Q3_K_M | 3.6 | lower quality |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.Q3_K_L.gguf) | Q3_K_L | 3.9 | |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.IQ4_XS.gguf) | IQ4_XS | 4.0 | |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.Q4_K_S.gguf) | Q4_K_S | 4.2 | fast, recommended |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.Q4_K_M.gguf) | Q4_K_M | 4.5 | fast, recommended |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.Q5_K_S.gguf) | Q5_K_S | 5.1 | |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.Q5_K_M.gguf) | Q5_K_M | 5.2 | |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.Q6_K.gguf) | Q6_K | 6.0 | very good quality |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.Q8_0.gguf) | Q8_0 | 7.8 | fast, best quality |
| [GGUF](https://huggingface.co/mradermacher/Hexoteric-7B-GGUF/resolve/main/Hexoteric-7B.f16.gguf) | f16 | 14.6 | 16 bpw, overkill |
Here is a handy graph by ikawrakow comparing some lower-quality quant
types (lower is better):

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.
<!-- end -->
| {"language": ["en"], "license": "apache-2.0", "library_name": "transformers", "tags": ["mistral", "mix"], "base_model": "CalderaAI/Hexoteric-7B", "quantized_by": "mradermacher"} | mradermacher/Hexoteric-7B-GGUF | null | [
"transformers",
"gguf",
"mistral",
"mix",
"en",
"base_model:CalderaAI/Hexoteric-7B",
"license:apache-2.0",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T08:26:05+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K4me1-seqsight_16384_512_22M-L1_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K4me1](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K4me1) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.5405
- F1 Score: 0.7399
- Accuracy: 0.7437
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.6381 | 1.01 | 200 | 0.6189 | 0.6661 | 0.6752 |
| 0.6106 | 2.02 | 400 | 0.6046 | 0.6878 | 0.6897 |
| 0.6012 | 3.03 | 600 | 0.5978 | 0.6996 | 0.7027 |
| 0.5933 | 4.04 | 800 | 0.5925 | 0.7045 | 0.7080 |
| 0.5842 | 5.05 | 1000 | 0.5821 | 0.7146 | 0.7178 |
| 0.5794 | 6.06 | 1200 | 0.5894 | 0.7111 | 0.7181 |
| 0.5719 | 7.07 | 1400 | 0.5781 | 0.7237 | 0.7285 |
| 0.5715 | 8.08 | 1600 | 0.5681 | 0.7269 | 0.7314 |
| 0.5667 | 9.09 | 1800 | 0.5646 | 0.7337 | 0.7377 |
| 0.5624 | 10.1 | 2000 | 0.5623 | 0.7343 | 0.7377 |
| 0.5616 | 11.11 | 2200 | 0.5656 | 0.7302 | 0.7342 |
| 0.5593 | 12.12 | 2400 | 0.5610 | 0.7332 | 0.7364 |
| 0.5563 | 13.13 | 2600 | 0.5629 | 0.7275 | 0.7320 |
| 0.5569 | 14.14 | 2800 | 0.5600 | 0.7324 | 0.7364 |
| 0.555 | 15.15 | 3000 | 0.5620 | 0.7265 | 0.7311 |
| 0.5531 | 16.16 | 3200 | 0.5646 | 0.7198 | 0.7260 |
| 0.5511 | 17.17 | 3400 | 0.5650 | 0.7256 | 0.7307 |
| 0.5528 | 18.18 | 3600 | 0.5525 | 0.7343 | 0.7374 |
| 0.5484 | 19.19 | 3800 | 0.5605 | 0.7282 | 0.7330 |
| 0.5496 | 20.2 | 4000 | 0.5558 | 0.7309 | 0.7352 |
| 0.5478 | 21.21 | 4200 | 0.5668 | 0.7238 | 0.7301 |
| 0.5465 | 22.22 | 4400 | 0.5567 | 0.7318 | 0.7361 |
| 0.5431 | 23.23 | 4600 | 0.5651 | 0.7238 | 0.7298 |
| 0.5505 | 24.24 | 4800 | 0.5573 | 0.7248 | 0.7304 |
| 0.5434 | 25.25 | 5000 | 0.5510 | 0.7359 | 0.7393 |
| 0.5476 | 26.26 | 5200 | 0.5502 | 0.7373 | 0.7405 |
| 0.5429 | 27.27 | 5400 | 0.5528 | 0.7314 | 0.7361 |
| 0.543 | 28.28 | 5600 | 0.5496 | 0.7358 | 0.7386 |
| 0.547 | 29.29 | 5800 | 0.5535 | 0.7291 | 0.7342 |
| 0.5402 | 30.3 | 6000 | 0.5504 | 0.7361 | 0.7399 |
| 0.542 | 31.31 | 6200 | 0.5515 | 0.7322 | 0.7364 |
| 0.5414 | 32.32 | 6400 | 0.5574 | 0.7281 | 0.7339 |
| 0.5399 | 33.33 | 6600 | 0.5535 | 0.7290 | 0.7342 |
| 0.5413 | 34.34 | 6800 | 0.5585 | 0.7220 | 0.7289 |
| 0.5378 | 35.35 | 7000 | 0.5489 | 0.7379 | 0.7415 |
| 0.5416 | 36.36 | 7200 | 0.5505 | 0.7319 | 0.7364 |
| 0.5373 | 37.37 | 7400 | 0.5480 | 0.7345 | 0.7383 |
| 0.5392 | 38.38 | 7600 | 0.5475 | 0.7374 | 0.7405 |
| 0.5359 | 39.39 | 7800 | 0.5491 | 0.7319 | 0.7358 |
| 0.5411 | 40.4 | 8000 | 0.5504 | 0.7343 | 0.7383 |
| 0.5372 | 41.41 | 8200 | 0.5522 | 0.7292 | 0.7342 |
| 0.5424 | 42.42 | 8400 | 0.5519 | 0.7291 | 0.7342 |
| 0.5362 | 43.43 | 8600 | 0.5503 | 0.7333 | 0.7377 |
| 0.5357 | 44.44 | 8800 | 0.5500 | 0.7328 | 0.7371 |
| 0.5369 | 45.45 | 9000 | 0.5494 | 0.7335 | 0.7377 |
| 0.539 | 46.46 | 9200 | 0.5514 | 0.7302 | 0.7352 |
| 0.5399 | 47.47 | 9400 | 0.5502 | 0.7308 | 0.7355 |
| 0.5316 | 48.48 | 9600 | 0.5508 | 0.7322 | 0.7367 |
| 0.5426 | 49.49 | 9800 | 0.5503 | 0.7318 | 0.7364 |
| 0.537 | 50.51 | 10000 | 0.5497 | 0.7323 | 0.7367 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K4me1-seqsight_16384_512_22M-L1_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K4me1-seqsight_16384_512_22M-L1_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:26:26+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K4me1-seqsight_16384_512_22M-L8_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K4me1](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K4me1) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.5333
- F1 Score: 0.7476
- Accuracy: 0.7509
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.6278 | 1.01 | 200 | 0.6081 | 0.6794 | 0.6866 |
| 0.5931 | 2.02 | 400 | 0.5839 | 0.7145 | 0.7181 |
| 0.5761 | 3.03 | 600 | 0.5719 | 0.7221 | 0.7270 |
| 0.5664 | 4.04 | 800 | 0.5667 | 0.7235 | 0.7276 |
| 0.5586 | 5.05 | 1000 | 0.5551 | 0.7350 | 0.7371 |
| 0.5553 | 6.06 | 1200 | 0.5678 | 0.7166 | 0.7225 |
| 0.5494 | 7.07 | 1400 | 0.5578 | 0.7283 | 0.7317 |
| 0.548 | 8.08 | 1600 | 0.5539 | 0.7305 | 0.7342 |
| 0.5446 | 9.09 | 1800 | 0.5495 | 0.7315 | 0.7352 |
| 0.5408 | 10.1 | 2000 | 0.5541 | 0.7314 | 0.7358 |
| 0.5394 | 11.11 | 2200 | 0.5517 | 0.7322 | 0.7364 |
| 0.5365 | 12.12 | 2400 | 0.5466 | 0.7371 | 0.7399 |
| 0.5315 | 13.13 | 2600 | 0.5561 | 0.7302 | 0.7355 |
| 0.533 | 14.14 | 2800 | 0.5492 | 0.7351 | 0.7383 |
| 0.5291 | 15.15 | 3000 | 0.5508 | 0.7356 | 0.7396 |
| 0.5282 | 16.16 | 3200 | 0.5492 | 0.7343 | 0.7386 |
| 0.5249 | 17.17 | 3400 | 0.5514 | 0.7374 | 0.7415 |
| 0.5265 | 18.18 | 3600 | 0.5415 | 0.7389 | 0.7415 |
| 0.521 | 19.19 | 3800 | 0.5439 | 0.7358 | 0.7396 |
| 0.5218 | 20.2 | 4000 | 0.5461 | 0.7395 | 0.7424 |
| 0.5173 | 21.21 | 4200 | 0.5543 | 0.7290 | 0.7348 |
| 0.5172 | 22.22 | 4400 | 0.5488 | 0.7361 | 0.7396 |
| 0.5143 | 23.23 | 4600 | 0.5537 | 0.7303 | 0.7355 |
| 0.5198 | 24.24 | 4800 | 0.5483 | 0.7324 | 0.7380 |
| 0.512 | 25.25 | 5000 | 0.5409 | 0.7368 | 0.7390 |
| 0.5148 | 26.26 | 5200 | 0.5405 | 0.7380 | 0.7396 |
| 0.5129 | 27.27 | 5400 | 0.5465 | 0.7285 | 0.7330 |
| 0.5096 | 28.28 | 5600 | 0.5412 | 0.7352 | 0.7377 |
| 0.5147 | 29.29 | 5800 | 0.5524 | 0.7287 | 0.7345 |
| 0.5071 | 30.3 | 6000 | 0.5454 | 0.7356 | 0.7393 |
| 0.5087 | 31.31 | 6200 | 0.5440 | 0.7339 | 0.7367 |
| 0.5068 | 32.32 | 6400 | 0.5486 | 0.7282 | 0.7333 |
| 0.5051 | 33.33 | 6600 | 0.5526 | 0.7271 | 0.7326 |
| 0.5061 | 34.34 | 6800 | 0.5490 | 0.7262 | 0.7314 |
| 0.4993 | 35.35 | 7000 | 0.5453 | 0.7381 | 0.7408 |
| 0.5076 | 36.36 | 7200 | 0.5453 | 0.7292 | 0.7336 |
| 0.5001 | 37.37 | 7400 | 0.5444 | 0.7315 | 0.7348 |
| 0.5024 | 38.38 | 7600 | 0.5420 | 0.7365 | 0.7390 |
| 0.4987 | 39.39 | 7800 | 0.5439 | 0.7391 | 0.7418 |
| 0.502 | 40.4 | 8000 | 0.5472 | 0.7380 | 0.7408 |
| 0.498 | 41.41 | 8200 | 0.5513 | 0.7236 | 0.7289 |
| 0.5036 | 42.42 | 8400 | 0.5491 | 0.7305 | 0.7352 |
| 0.4979 | 43.43 | 8600 | 0.5467 | 0.7357 | 0.7390 |
| 0.4963 | 44.44 | 8800 | 0.5480 | 0.7315 | 0.7355 |
| 0.4974 | 45.45 | 9000 | 0.5465 | 0.7334 | 0.7367 |
| 0.4992 | 46.46 | 9200 | 0.5498 | 0.7311 | 0.7355 |
| 0.4994 | 47.47 | 9400 | 0.5490 | 0.7310 | 0.7355 |
| 0.4892 | 48.48 | 9600 | 0.5508 | 0.7316 | 0.7358 |
| 0.5014 | 49.49 | 9800 | 0.5486 | 0.7318 | 0.7361 |
| 0.4966 | 50.51 | 10000 | 0.5479 | 0.7315 | 0.7355 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K4me1-seqsight_16384_512_22M-L8_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K4me1-seqsight_16384_512_22M-L8_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:27:15+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K4me1-seqsight_16384_512_22M-L32_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K4me1](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K4me1) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.5413
- F1 Score: 0.7419
- Accuracy: 0.7437
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.6211 | 1.01 | 200 | 0.6003 | 0.6909 | 0.7001 |
| 0.5777 | 2.02 | 400 | 0.5707 | 0.7214 | 0.7241 |
| 0.5616 | 3.03 | 600 | 0.5586 | 0.7297 | 0.7336 |
| 0.5518 | 4.04 | 800 | 0.5591 | 0.7215 | 0.7263 |
| 0.5453 | 5.05 | 1000 | 0.5440 | 0.7442 | 0.7456 |
| 0.5395 | 6.06 | 1200 | 0.5573 | 0.7265 | 0.7326 |
| 0.5326 | 7.07 | 1400 | 0.5492 | 0.7390 | 0.7418 |
| 0.5302 | 8.08 | 1600 | 0.5441 | 0.7378 | 0.7412 |
| 0.5253 | 9.09 | 1800 | 0.5444 | 0.7316 | 0.7355 |
| 0.5189 | 10.1 | 2000 | 0.5509 | 0.7258 | 0.7317 |
| 0.5152 | 11.11 | 2200 | 0.5510 | 0.7322 | 0.7380 |
| 0.512 | 12.12 | 2400 | 0.5430 | 0.7357 | 0.7390 |
| 0.5049 | 13.13 | 2600 | 0.5595 | 0.7161 | 0.7247 |
| 0.5027 | 14.14 | 2800 | 0.5460 | 0.7325 | 0.7358 |
| 0.4972 | 15.15 | 3000 | 0.5504 | 0.7338 | 0.7380 |
| 0.4937 | 16.16 | 3200 | 0.5495 | 0.7337 | 0.7374 |
| 0.4902 | 17.17 | 3400 | 0.5576 | 0.7385 | 0.7408 |
| 0.4887 | 18.18 | 3600 | 0.5471 | 0.7336 | 0.7361 |
| 0.4833 | 19.19 | 3800 | 0.5491 | 0.7374 | 0.7402 |
| 0.4801 | 20.2 | 4000 | 0.5542 | 0.7379 | 0.7402 |
| 0.4742 | 21.21 | 4200 | 0.5480 | 0.7388 | 0.7418 |
| 0.4734 | 22.22 | 4400 | 0.5575 | 0.7331 | 0.7358 |
| 0.4652 | 23.23 | 4600 | 0.5643 | 0.7342 | 0.7364 |
| 0.4675 | 24.24 | 4800 | 0.5670 | 0.7277 | 0.7330 |
| 0.4604 | 25.25 | 5000 | 0.5572 | 0.7381 | 0.7399 |
| 0.4582 | 26.26 | 5200 | 0.5655 | 0.7327 | 0.7348 |
| 0.456 | 27.27 | 5400 | 0.5675 | 0.7279 | 0.7326 |
| 0.4525 | 28.28 | 5600 | 0.5664 | 0.7269 | 0.7314 |
| 0.4556 | 29.29 | 5800 | 0.5766 | 0.7308 | 0.7367 |
| 0.4418 | 30.3 | 6000 | 0.5733 | 0.7335 | 0.7355 |
| 0.4454 | 31.31 | 6200 | 0.5707 | 0.7294 | 0.7314 |
| 0.4414 | 32.32 | 6400 | 0.5699 | 0.7321 | 0.7355 |
| 0.4412 | 33.33 | 6600 | 0.5780 | 0.7311 | 0.7345 |
| 0.4375 | 34.34 | 6800 | 0.5752 | 0.7304 | 0.7326 |
| 0.4284 | 35.35 | 7000 | 0.5858 | 0.7333 | 0.7355 |
| 0.4378 | 36.36 | 7200 | 0.5758 | 0.7282 | 0.7317 |
| 0.4302 | 37.37 | 7400 | 0.5790 | 0.7294 | 0.7323 |
| 0.4303 | 38.38 | 7600 | 0.5758 | 0.7302 | 0.7320 |
| 0.4258 | 39.39 | 7800 | 0.5825 | 0.7277 | 0.7301 |
| 0.4275 | 40.4 | 8000 | 0.5895 | 0.7306 | 0.7333 |
| 0.421 | 41.41 | 8200 | 0.5953 | 0.7309 | 0.7348 |
| 0.4243 | 42.42 | 8400 | 0.5904 | 0.7298 | 0.7323 |
| 0.4218 | 43.43 | 8600 | 0.5867 | 0.7304 | 0.7326 |
| 0.4195 | 44.44 | 8800 | 0.5907 | 0.7304 | 0.7333 |
| 0.4175 | 45.45 | 9000 | 0.5904 | 0.7318 | 0.7339 |
| 0.4217 | 46.46 | 9200 | 0.5951 | 0.7322 | 0.7352 |
| 0.4219 | 47.47 | 9400 | 0.5904 | 0.7296 | 0.7330 |
| 0.4084 | 48.48 | 9600 | 0.5943 | 0.7308 | 0.7339 |
| 0.4195 | 49.49 | 9800 | 0.5912 | 0.7298 | 0.7330 |
| 0.4142 | 50.51 | 10000 | 0.5917 | 0.7299 | 0.7326 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K4me1-seqsight_16384_512_22M-L32_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K4me1-seqsight_16384_512_22M-L32_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:27:30+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K36me3-seqsight_16384_512_22M-L1_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K36me3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K36me3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.5035
- F1 Score: 0.7724
- Accuracy: 0.7761
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.5905 | 0.92 | 200 | 0.5589 | 0.7164 | 0.7208 |
| 0.5431 | 1.83 | 400 | 0.5466 | 0.7334 | 0.7362 |
| 0.5331 | 2.75 | 600 | 0.5371 | 0.7384 | 0.7408 |
| 0.5302 | 3.67 | 800 | 0.5267 | 0.7491 | 0.7506 |
| 0.5133 | 4.59 | 1000 | 0.5352 | 0.7428 | 0.7468 |
| 0.5112 | 5.5 | 1200 | 0.5236 | 0.7461 | 0.7494 |
| 0.5097 | 6.42 | 1400 | 0.5219 | 0.7503 | 0.7526 |
| 0.5056 | 7.34 | 1600 | 0.5315 | 0.7454 | 0.75 |
| 0.4991 | 8.26 | 1800 | 0.5299 | 0.7459 | 0.7506 |
| 0.5024 | 9.17 | 2000 | 0.5331 | 0.7417 | 0.7471 |
| 0.4981 | 10.09 | 2200 | 0.5397 | 0.7394 | 0.7466 |
| 0.4962 | 11.01 | 2400 | 0.5303 | 0.7482 | 0.7540 |
| 0.4941 | 11.93 | 2600 | 0.5250 | 0.7491 | 0.7543 |
| 0.4946 | 12.84 | 2800 | 0.5226 | 0.7485 | 0.7537 |
| 0.4914 | 13.76 | 3000 | 0.5363 | 0.7432 | 0.75 |
| 0.4878 | 14.68 | 3200 | 0.5182 | 0.7573 | 0.7606 |
| 0.4934 | 15.6 | 3400 | 0.5317 | 0.7414 | 0.7483 |
| 0.4878 | 16.51 | 3600 | 0.5212 | 0.7529 | 0.7575 |
| 0.489 | 17.43 | 3800 | 0.5072 | 0.7597 | 0.7626 |
| 0.4866 | 18.35 | 4000 | 0.5174 | 0.7550 | 0.7597 |
| 0.4862 | 19.27 | 4200 | 0.5283 | 0.7516 | 0.7572 |
| 0.486 | 20.18 | 4400 | 0.5300 | 0.7429 | 0.7497 |
| 0.4819 | 21.1 | 4600 | 0.5271 | 0.7486 | 0.7543 |
| 0.4842 | 22.02 | 4800 | 0.5275 | 0.7530 | 0.7583 |
| 0.4849 | 22.94 | 5000 | 0.5218 | 0.7502 | 0.7557 |
| 0.4824 | 23.85 | 5200 | 0.5267 | 0.7445 | 0.7509 |
| 0.4804 | 24.77 | 5400 | 0.5341 | 0.7400 | 0.7474 |
| 0.4804 | 25.69 | 5600 | 0.5254 | 0.7503 | 0.7560 |
| 0.4806 | 26.61 | 5800 | 0.5150 | 0.7589 | 0.7635 |
| 0.4777 | 27.52 | 6000 | 0.5425 | 0.7392 | 0.7468 |
| 0.4824 | 28.44 | 6200 | 0.5234 | 0.7466 | 0.7526 |
| 0.4784 | 29.36 | 6400 | 0.5303 | 0.7438 | 0.7509 |
| 0.4791 | 30.28 | 6600 | 0.5282 | 0.7454 | 0.7520 |
| 0.4787 | 31.19 | 6800 | 0.5133 | 0.7611 | 0.7655 |
| 0.4795 | 32.11 | 7000 | 0.5269 | 0.7451 | 0.7517 |
| 0.4783 | 33.03 | 7200 | 0.5215 | 0.7538 | 0.7592 |
| 0.4764 | 33.94 | 7400 | 0.5271 | 0.7502 | 0.7557 |
| 0.4759 | 34.86 | 7600 | 0.5259 | 0.7484 | 0.7546 |
| 0.4777 | 35.78 | 7800 | 0.5215 | 0.7497 | 0.7554 |
| 0.4782 | 36.7 | 8000 | 0.5218 | 0.7526 | 0.7583 |
| 0.4769 | 37.61 | 8200 | 0.5302 | 0.7408 | 0.7483 |
| 0.4781 | 38.53 | 8400 | 0.5170 | 0.7548 | 0.7600 |
| 0.4748 | 39.45 | 8600 | 0.5247 | 0.7489 | 0.7549 |
| 0.4702 | 40.37 | 8800 | 0.5320 | 0.7461 | 0.7526 |
| 0.4781 | 41.28 | 9000 | 0.5234 | 0.7459 | 0.7523 |
| 0.473 | 42.2 | 9200 | 0.5181 | 0.7566 | 0.7618 |
| 0.4723 | 43.12 | 9400 | 0.5212 | 0.7522 | 0.7577 |
| 0.4761 | 44.04 | 9600 | 0.5247 | 0.7467 | 0.7532 |
| 0.4743 | 44.95 | 9800 | 0.5252 | 0.7462 | 0.7526 |
| 0.4746 | 45.87 | 10000 | 0.5232 | 0.7491 | 0.7552 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K36me3-seqsight_16384_512_22M-L1_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K36me3-seqsight_16384_512_22M-L1_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:28:26+00:00 |
text-generation | transformers |
<!-- 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. -->
# 0.0_4iters_bs256_nodpo_only4w_iter_1
This model is a fine-tuned version of [HuggingFaceH4/mistral-7b-sft-beta](https://huggingface.co/HuggingFaceH4/mistral-7b-sft-beta) on the updated and the original datasets.
## 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-07
- train_batch_size: 8
- eval_batch_size: 8
- seed: 42
- distributed_type: multi-GPU
- num_devices: 8
- gradient_accumulation_steps: 4
- total_train_batch_size: 256
- total_eval_batch_size: 64
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: cosine
- lr_scheduler_warmup_ratio: 0.1
- num_epochs: 1
### Training results
### Framework versions
- Transformers 4.40.0
- Pytorch 2.1.2+cu121
- Datasets 2.14.6
- Tokenizers 0.19.1
| {"license": "mit", "tags": ["alignment-handbook", "trl", "dpo", "generated_from_trainer", "trl", "dpo", "generated_from_trainer"], "datasets": ["updated", "original"], "base_model": "HuggingFaceH4/mistral-7b-sft-beta", "model-index": [{"name": "0.0_4iters_bs256_nodpo_only4w_iter_1", "results": []}]} | ShenaoZhang/0.0_4iters_bs256_nodpo_only4w_iter_1 | null | [
"transformers",
"safetensors",
"mistral",
"text-generation",
"alignment-handbook",
"trl",
"dpo",
"generated_from_trainer",
"conversational",
"dataset:updated",
"dataset:original",
"base_model:HuggingFaceH4/mistral-7b-sft-beta",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T08:29:03+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K36me3-seqsight_16384_512_22M-L8_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K36me3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K36me3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.4898
- F1 Score: 0.7785
- Accuracy: 0.7827
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.5757 | 0.92 | 200 | 0.5494 | 0.7255 | 0.7296 |
| 0.5261 | 1.83 | 400 | 0.5399 | 0.7406 | 0.7448 |
| 0.5117 | 2.75 | 600 | 0.5298 | 0.7457 | 0.7494 |
| 0.5114 | 3.67 | 800 | 0.5242 | 0.7502 | 0.7540 |
| 0.4948 | 4.59 | 1000 | 0.5305 | 0.7490 | 0.7540 |
| 0.4926 | 5.5 | 1200 | 0.5200 | 0.7511 | 0.7566 |
| 0.4906 | 6.42 | 1400 | 0.5080 | 0.7641 | 0.7669 |
| 0.485 | 7.34 | 1600 | 0.5249 | 0.7484 | 0.7543 |
| 0.48 | 8.26 | 1800 | 0.5154 | 0.7576 | 0.7620 |
| 0.4809 | 9.17 | 2000 | 0.5099 | 0.7544 | 0.7589 |
| 0.477 | 10.09 | 2200 | 0.5382 | 0.7333 | 0.7425 |
| 0.4743 | 11.01 | 2400 | 0.5056 | 0.7562 | 0.7609 |
| 0.4714 | 11.93 | 2600 | 0.4906 | 0.7706 | 0.7729 |
| 0.4717 | 12.84 | 2800 | 0.5049 | 0.7542 | 0.7595 |
| 0.4676 | 13.76 | 3000 | 0.5215 | 0.7487 | 0.7557 |
| 0.4633 | 14.68 | 3200 | 0.4999 | 0.7685 | 0.7715 |
| 0.4682 | 15.6 | 3400 | 0.4994 | 0.7591 | 0.7635 |
| 0.464 | 16.51 | 3600 | 0.5080 | 0.7593 | 0.7643 |
| 0.4643 | 17.43 | 3800 | 0.4974 | 0.7643 | 0.7683 |
| 0.4601 | 18.35 | 4000 | 0.4985 | 0.7612 | 0.7658 |
| 0.4616 | 19.27 | 4200 | 0.5079 | 0.7613 | 0.7661 |
| 0.4586 | 20.18 | 4400 | 0.5152 | 0.7524 | 0.7592 |
| 0.4554 | 21.1 | 4600 | 0.5067 | 0.7648 | 0.7695 |
| 0.4567 | 22.02 | 4800 | 0.5062 | 0.7686 | 0.7726 |
| 0.4568 | 22.94 | 5000 | 0.4975 | 0.7656 | 0.7701 |
| 0.4523 | 23.85 | 5200 | 0.5032 | 0.7600 | 0.7655 |
| 0.4489 | 24.77 | 5400 | 0.5222 | 0.7484 | 0.7560 |
| 0.4504 | 25.69 | 5600 | 0.5140 | 0.7604 | 0.7663 |
| 0.4515 | 26.61 | 5800 | 0.4921 | 0.7722 | 0.7758 |
| 0.4466 | 27.52 | 6000 | 0.5274 | 0.7522 | 0.7592 |
| 0.4511 | 28.44 | 6200 | 0.5068 | 0.7582 | 0.7640 |
| 0.447 | 29.36 | 6400 | 0.5077 | 0.7577 | 0.7638 |
| 0.4452 | 30.28 | 6600 | 0.5119 | 0.7555 | 0.7620 |
| 0.4479 | 31.19 | 6800 | 0.4942 | 0.7733 | 0.7772 |
| 0.4481 | 32.11 | 7000 | 0.5034 | 0.7645 | 0.7698 |
| 0.4456 | 33.03 | 7200 | 0.5054 | 0.7631 | 0.7683 |
| 0.4438 | 33.94 | 7400 | 0.5077 | 0.7647 | 0.7698 |
| 0.4428 | 34.86 | 7600 | 0.5039 | 0.7670 | 0.7718 |
| 0.4426 | 35.78 | 7800 | 0.4994 | 0.7691 | 0.7732 |
| 0.4448 | 36.7 | 8000 | 0.5012 | 0.7609 | 0.7663 |
| 0.4424 | 37.61 | 8200 | 0.5070 | 0.7553 | 0.7618 |
| 0.4449 | 38.53 | 8400 | 0.5003 | 0.7651 | 0.7701 |
| 0.4377 | 39.45 | 8600 | 0.5074 | 0.7601 | 0.7658 |
| 0.4355 | 40.37 | 8800 | 0.5137 | 0.7578 | 0.7640 |
| 0.4417 | 41.28 | 9000 | 0.5040 | 0.7617 | 0.7672 |
| 0.4369 | 42.2 | 9200 | 0.4990 | 0.7678 | 0.7724 |
| 0.4358 | 43.12 | 9400 | 0.5010 | 0.7676 | 0.7721 |
| 0.4413 | 44.04 | 9600 | 0.5052 | 0.7596 | 0.7655 |
| 0.4374 | 44.95 | 9800 | 0.5068 | 0.7586 | 0.7646 |
| 0.4383 | 45.87 | 10000 | 0.5048 | 0.7613 | 0.7669 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K36me3-seqsight_16384_512_22M-L8_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K36me3-seqsight_16384_512_22M-L8_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:29:32+00:00 |
null | null | {"license": "apache-2.0"} | abdd68/UNet2DModel | null | [
"license:apache-2.0",
"region:us"
]
| null | 2024-04-27T08:30:26+00:00 |
|
null | null | {} | CromCruach/CoffeeDisease | null | [
"region:us"
]
| null | 2024-04-27T08:31:07+00:00 |
|
text-to-image | diffusers | {"license": "openrail++", "library_name": "diffusers", "tags": ["text-to-image", "stable-diffusion"], "inference": true} | fr4b/compose-v1 | null | [
"diffusers",
"text-to-image",
"stable-diffusion",
"license:openrail++",
"region:us"
]
| null | 2024-04-27T08:31:45+00:00 |
|
null | null | # 🔎Taiwan-inquiry_7B_v2.1.gguf
- Model creator: [Joseph (Chen-Wei) Li](https://www.linkedin.com/in/joseph-li-3a453b231/)
- Original model: [Taiwan-inquiry_7B_2.1](https://huggingface.co/ChenWeiLi/Taiwan-inquiry_7B_v2.1)
| Name | Quant method | Bits | Size | Use case |
| ---- | :----: | :----: | :----: | ----- |
| [Taiwan-inquiry_7B_v2.1-Q4_K_M.gguf](https://huggingface.co/ChenWeiLi/Taiwan-inquiry_7B_v2.1.gguf/blob/main/Taiwan-inquiry_7B_v2.1-Q4_K_M.gguf) | Q4_K_M | 4 | 4.54 GB | medium, balanced quality - recommended |
| [Taiwan-inquiry_7B_v2.1-Q5_K_M.gguf](https://huggingface.co/ChenWeiLi/Taiwan-inquiry_7B_v2.1.gguf/blob/main/Taiwan-inquiry_7B_v2.1-Q5_K_M.gguf) | Q5_K_M | 5 | 5.32 GB | large, very low quality loss - recommended |
| [Taiwan-inquiry_7B_v2.1-Q6_K.gguf](https://huggingface.co/ChenWeiLi/Taiwan-inquiry_7B_v2.1.gguf/blob/main/Taiwan-inquiry_7B_v2.1-Q6_K.gguf)| Q6_K | 6 | 6.14 GB| very large, extremely low quality loss |
| [Taiwan-inquiry_7B_v2.1-Q8_0.gguf](https://huggingface.co/ChenWeiLi/Taiwan-inquiry_7B_v2.1.gguf/blob/main/Taiwan-inquiry_7B_v2.1-Q8_0.gguf) | Q8_0 | 8 | 7.96 GB | very large, extremely low quality loss - not recommended |
| [Taiwan-inquiry_7B_v2.1.gguf ](https://huggingface.co/ChenWeiLi/Taiwan-inquiry_7B_v2.1.gguf/blob/main/Taiwan-inquiry_7B_v2.1.gguf) | No quantization | 16 or 32 | 15 GB | very large, no quality loss - not recommended |
## Usage of the model
- The user can take on the role of a doctor, and the model can engage in conversation with you as if it were a patient.
- You can provide the model with a brief patient background in the system prompt, and the model will respond based on that prompt. **(using my patient generator: [**colab**](https://colab.research.google.com/drive/17MSob_tQ2hPtMBL0xOF2zzV6WWe4dEG6?usp=sharing))**
- Directly asking the certain disease about the symptoms and the possible therapies.**(Warning: It's not medical advice!)**
## Reference
- [llama.cpp](https://github.com/ggerganov/llama.cpp)
- [LM studio](https://lmstudio.ai/)
- [將 HuggingFace 模型轉換為 GGUF 及使用 llama.cpp 進行量化--以INX-TEXT/Bailong-instruct-7B 為例](https://medium.com/@NeroHin/%E5%B0%87-huggingface-%E6%A0%BC%E5%BC%8F%E6%A8%A1%E5%BC%8F%E8%BD%89%E6%8F%9B%E7%82%BA-gguf-%E4%BB%A5inx-text-bailong-instruct-7b-%E7%82%BA%E4%BE%8B-a2cfdd892cbc)
- [[LM Studio]執行語言模型的最好程式介面 無需特別設定便可以使用語言模型|方便管理與使用多種模型 可快速架設與OpenAI相容的伺服器](https://the-walking-fish.com/p/lmstudio/#google_vignette)
- [[Day 15] - 鋼鐵草泥馬 🦙 LLM chatbot 🤖 (6/10)|GGML 量化 LLaMa](https://ithelp.ithome.com.tw/articles/10331431) | {"license": "apache-2.0"} | ChenWeiLi/Taiwan-inquiry_7B_v2.1.gguf | null | [
"gguf",
"license:apache-2.0",
"region:us"
]
| null | 2024-04-27T08:32:40+00:00 |
text-generation | transformers |
# 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]
| {"library_name": "transformers", "tags": []} | swj0419/hp_all_STEP0000020 | null | [
"transformers",
"safetensors",
"llama",
"text-generation",
"arxiv:1910.09700",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T08:33:19+00:00 |
null | peft |
<!-- 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. -->
# GUE_EMP_H3K36me3-seqsight_16384_512_22M-L32_f
This model is a fine-tuned version of [mahdibaghbanzadeh/seqsight_16384_512_22M](https://huggingface.co/mahdibaghbanzadeh/seqsight_16384_512_22M) on the [mahdibaghbanzadeh/GUE_EMP_H3K36me3](https://huggingface.co/datasets/mahdibaghbanzadeh/GUE_EMP_H3K36me3) dataset.
It achieves the following results on the evaluation set:
- Loss: 0.4789
- F1 Score: 0.7828
- Accuracy: 0.7844
## 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.0005
- train_batch_size: 128
- eval_batch_size: 128
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- training_steps: 10000
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Score | Accuracy |
|:-------------:|:-----:|:-----:|:---------------:|:--------:|:--------:|
| 0.565 | 0.92 | 200 | 0.5575 | 0.7277 | 0.7342 |
| 0.5147 | 1.83 | 400 | 0.5250 | 0.7498 | 0.7534 |
| 0.5006 | 2.75 | 600 | 0.5174 | 0.7544 | 0.7580 |
| 0.4986 | 3.67 | 800 | 0.5092 | 0.7533 | 0.7575 |
| 0.4812 | 4.59 | 1000 | 0.5158 | 0.7562 | 0.7609 |
| 0.4781 | 5.5 | 1200 | 0.5051 | 0.7531 | 0.7583 |
| 0.4748 | 6.42 | 1400 | 0.4950 | 0.7704 | 0.7729 |
| 0.4678 | 7.34 | 1600 | 0.5119 | 0.7500 | 0.7554 |
| 0.4617 | 8.26 | 1800 | 0.4962 | 0.7644 | 0.7681 |
| 0.4627 | 9.17 | 2000 | 0.4943 | 0.7655 | 0.7692 |
| 0.456 | 10.09 | 2200 | 0.5253 | 0.7424 | 0.7509 |
| 0.4507 | 11.01 | 2400 | 0.4910 | 0.7698 | 0.7735 |
| 0.4449 | 11.93 | 2600 | 0.4763 | 0.7774 | 0.7787 |
| 0.4447 | 12.84 | 2800 | 0.4982 | 0.7610 | 0.7663 |
| 0.4366 | 13.76 | 3000 | 0.5181 | 0.7558 | 0.7626 |
| 0.4329 | 14.68 | 3200 | 0.4990 | 0.7720 | 0.7752 |
| 0.433 | 15.6 | 3400 | 0.4969 | 0.7643 | 0.7686 |
| 0.4288 | 16.51 | 3600 | 0.5208 | 0.7608 | 0.7666 |
| 0.4239 | 17.43 | 3800 | 0.5126 | 0.7642 | 0.7695 |
| 0.4205 | 18.35 | 4000 | 0.5006 | 0.7692 | 0.7732 |
| 0.4188 | 19.27 | 4200 | 0.5348 | 0.7654 | 0.7709 |
| 0.4152 | 20.18 | 4400 | 0.5283 | 0.7621 | 0.7675 |
| 0.4114 | 21.1 | 4600 | 0.5156 | 0.7666 | 0.7712 |
| 0.4103 | 22.02 | 4800 | 0.5106 | 0.7720 | 0.7755 |
| 0.4068 | 22.94 | 5000 | 0.5024 | 0.7749 | 0.7784 |
| 0.4019 | 23.85 | 5200 | 0.5140 | 0.7636 | 0.7689 |
| 0.3948 | 24.77 | 5400 | 0.5513 | 0.7598 | 0.7666 |
| 0.3955 | 25.69 | 5600 | 0.5268 | 0.7608 | 0.7666 |
| 0.394 | 26.61 | 5800 | 0.5128 | 0.7685 | 0.7721 |
| 0.3867 | 27.52 | 6000 | 0.5573 | 0.7582 | 0.7643 |
| 0.3908 | 28.44 | 6200 | 0.5237 | 0.7604 | 0.7658 |
| 0.3881 | 29.36 | 6400 | 0.5347 | 0.7571 | 0.7629 |
| 0.3834 | 30.28 | 6600 | 0.5306 | 0.7556 | 0.7618 |
| 0.3844 | 31.19 | 6800 | 0.5182 | 0.7665 | 0.7706 |
| 0.3808 | 32.11 | 7000 | 0.5227 | 0.7703 | 0.7741 |
| 0.3783 | 33.03 | 7200 | 0.5322 | 0.7657 | 0.7704 |
| 0.3767 | 33.94 | 7400 | 0.5268 | 0.7620 | 0.7672 |
| 0.3732 | 34.86 | 7600 | 0.5305 | 0.7647 | 0.7692 |
| 0.3734 | 35.78 | 7800 | 0.5269 | 0.7666 | 0.7704 |
| 0.3742 | 36.7 | 8000 | 0.5305 | 0.7595 | 0.7652 |
| 0.3717 | 37.61 | 8200 | 0.5435 | 0.7524 | 0.7592 |
| 0.3742 | 38.53 | 8400 | 0.5373 | 0.7608 | 0.7663 |
| 0.3657 | 39.45 | 8600 | 0.5339 | 0.7605 | 0.7655 |
| 0.3644 | 40.37 | 8800 | 0.5444 | 0.7581 | 0.7638 |
| 0.3668 | 41.28 | 9000 | 0.5327 | 0.7600 | 0.7652 |
| 0.3607 | 42.2 | 9200 | 0.5356 | 0.7619 | 0.7669 |
| 0.3606 | 43.12 | 9400 | 0.5380 | 0.7666 | 0.7709 |
| 0.366 | 44.04 | 9600 | 0.5392 | 0.7585 | 0.7643 |
| 0.3617 | 44.95 | 9800 | 0.5429 | 0.7571 | 0.7629 |
| 0.3628 | 45.87 | 10000 | 0.5405 | 0.7598 | 0.7652 |
### Framework versions
- PEFT 0.9.0
- Transformers 4.38.2
- Pytorch 2.2.0+cu121
- Datasets 2.17.1
- Tokenizers 0.15.2 | {"library_name": "peft", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "base_model": "mahdibaghbanzadeh/seqsight_16384_512_22M", "model-index": [{"name": "GUE_EMP_H3K36me3-seqsight_16384_512_22M-L32_f", "results": []}]} | mahdibaghbanzadeh/GUE_EMP_H3K36me3-seqsight_16384_512_22M-L32_f | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:mahdibaghbanzadeh/seqsight_16384_512_22M",
"region:us"
]
| null | 2024-04-27T08:34:15+00:00 |
null | peft |
<!-- 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. -->
# radiopaedia_cl-llama3_8b-240426
This model is a fine-tuned version of [meta-llama/Meta-Llama-3-8B](https://huggingface.co/meta-llama/Meta-Llama-3-8B) on the None dataset.
## 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: 16
- seed: 42
- gradient_accumulation_steps: 4
- total_train_batch_size: 32
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- lr_scheduler_warmup_steps: 100
- num_epochs: 10
- mixed_precision_training: Native AMP
### Training results
### Framework versions
- PEFT 0.10.0
- Transformers 4.40.0
- Pytorch 2.3.0+cu121
- Datasets 2.19.0
- Tokenizers 0.19.1 | {"license": "other", "library_name": "peft", "tags": ["generated_from_trainer"], "base_model": "meta-llama/Meta-Llama-3-8B", "model-index": [{"name": "radiopaedia_cl-llama3_8b-240426", "results": []}]} | Seoulsky/radiopaedia_cl-llama3_8b-240426 | null | [
"peft",
"safetensors",
"generated_from_trainer",
"base_model:meta-llama/Meta-Llama-3-8B",
"license:other",
"region:us"
]
| null | 2024-04-27T08:34:36+00:00 |
null | transformers |
# 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] | {"library_name": "transformers", "tags": []} | HC-85/distilbert-lora-arxiv-multilabel | null | [
"transformers",
"safetensors",
"arxiv:1910.09700",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T08:34:56+00:00 |
text-to-image | diffusers | {"license": "unknown"} | misri/leosamsHelloworldXL_helloworldXL60 | null | [
"diffusers",
"safetensors",
"license:unknown",
"endpoints_compatible",
"diffusers:StableDiffusionXLPipeline",
"region:us"
]
| null | 2024-04-27T08:34:58+00:00 |
|
null | transformers | ## About
<!-- ### quantize_version: 2 -->
<!-- ### output_tensor_quantised: 1 -->
<!-- ### convert_type: -->
<!-- ### vocab_type: -->
static quants of https://huggingface.co/TitleOS/EinsteinBagel-8B
<!-- provided-files -->
weighted/imatrix quants seem not to be available (by me) at this time. If they do not show up a week or so after the static ones, I have probably not planned for them. Feel free to request them by opening a Community Discussion.
## 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/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.Q2_K.gguf) | Q2_K | 3.3 | |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.IQ3_XS.gguf) | IQ3_XS | 3.6 | |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.Q3_K_S.gguf) | Q3_K_S | 3.8 | |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.IQ3_S.gguf) | IQ3_S | 3.8 | beats Q3_K* |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.IQ3_M.gguf) | IQ3_M | 3.9 | |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.Q3_K_M.gguf) | Q3_K_M | 4.1 | lower quality |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.Q3_K_L.gguf) | Q3_K_L | 4.4 | |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.IQ4_XS.gguf) | IQ4_XS | 4.6 | |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.Q4_K_S.gguf) | Q4_K_S | 4.8 | fast, recommended |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.Q4_K_M.gguf) | Q4_K_M | 5.0 | fast, recommended |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.Q5_K_S.gguf) | Q5_K_S | 5.7 | |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.Q5_K_M.gguf) | Q5_K_M | 5.8 | |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.Q6_K.gguf) | Q6_K | 6.7 | very good quality |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.Q8_0.gguf) | Q8_0 | 8.6 | fast, best quality |
| [GGUF](https://huggingface.co/mradermacher/EinsteinBagel-8B-GGUF/resolve/main/EinsteinBagel-8B.f16.gguf) | f16 | 16.2 | 16 bpw, overkill |
Here is a handy graph by ikawrakow comparing some lower-quality quant
types (lower is better):

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.
<!-- end -->
| {"language": ["en"], "license": "llama3", "library_name": "transformers", "tags": ["mergekit", "merge"], "base_model": "TitleOS/EinsteinBagel-8B", "quantized_by": "mradermacher"} | mradermacher/EinsteinBagel-8B-GGUF | null | [
"transformers",
"gguf",
"mergekit",
"merge",
"en",
"base_model:TitleOS/EinsteinBagel-8B",
"license:llama3",
"endpoints_compatible",
"region:us"
]
| null | 2024-04-27T08:35:27+00:00 |
text2text-generation | transformers |
<!-- 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. -->
# CS505_COQE_viT5_total_Instruction0_SOPAL_v1
This model is a fine-tuned version of [VietAI/vit5-large](https://huggingface.co/VietAI/vit5-large) on the None dataset.
## 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: 8
- eval_batch_size: 64
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 20
- mixed_precision_training: Native AMP
### Training results
### Framework versions
- Transformers 4.39.3
- Pytorch 2.1.2
- Datasets 2.18.0
- Tokenizers 0.15.2
| {"license": "mit", "tags": ["generated_from_trainer"], "base_model": "VietAI/vit5-large", "model-index": [{"name": "CS505_COQE_viT5_total_Instruction0_SOPAL_v1", "results": []}]} | ThuyNT/CS505_COQE_viT5_total_Instruction0_SOPAL_v1 | null | [
"transformers",
"tensorboard",
"safetensors",
"t5",
"text2text-generation",
"generated_from_trainer",
"base_model:VietAI/vit5-large",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
]
| null | 2024-04-27T08:35:37+00:00 |
null | null | {"license": "mit"} | th2w33knd/The-Weeknd-SoFi-RVC | null | [
"license:mit",
"region:us"
]
| null | 2024-04-27T08:35:51+00:00 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.