Upload folder using huggingface_hub
Browse files- README.md +53 -0
- adapter_config.json +39 -0
- adapter_model.safetensors +3 -0
- stats.json +1 -0
- train_config.json +1 -0
README.md
ADDED
|
@@ -0,0 +1,53 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
---
|
| 2 |
+
library_name: peft
|
| 3 |
+
base_model: Qwen/Qwen2.5-1.5B-Instruct
|
| 4 |
+
license: apache-2.0
|
| 5 |
+
tags:
|
| 6 |
+
- lora
|
| 7 |
+
- qwen2.5
|
| 8 |
+
- avito
|
| 9 |
+
- validation
|
| 10 |
+
- classification
|
| 11 |
+
language:
|
| 12 |
+
- ru
|
| 13 |
+
---
|
| 14 |
+
|
| 15 |
+
# Avito Validation LoRA Adapter
|
| 16 |
+
|
| 17 |
+
LoRA адаптер для валидации объявлений Avito, обученный на базе Qwen2.5-1.5B-Instruct.
|
| 18 |
+
|
| 19 |
+
## Model Details
|
| 20 |
+
|
| 21 |
+
- **Base Model:** [Qwen/Qwen2.5-1.5B-Instruct](https://huggingface.co/Qwen/Qwen2.5-1.5B-Instruct)
|
| 22 |
+
- **LoRA Rank (r):** 16
|
| 23 |
+
- **LoRA Alpha:** 32
|
| 24 |
+
- **LoRA Dropout:** 0.05
|
| 25 |
+
- **Target Modules:** q_proj, k_proj, v_proj, o_proj, gate_proj, up_proj, down_proj
|
| 26 |
+
- **Task Type:** CAUSAL_LM
|
| 27 |
+
- **Training:** Fine-tuned on Fireworks.ai (December 2024)
|
| 28 |
+
|
| 29 |
+
## Training Stats
|
| 30 |
+
|
| 31 |
+
- **Epochs:** 2
|
| 32 |
+
- **Steps:** 3,333
|
| 33 |
+
- **Training Sequences:** 34,672
|
| 34 |
+
- **Training Tokens:** ~101M
|
| 35 |
+
- **Final Loss:** 0.125
|
| 36 |
+
|
| 37 |
+
## Usage
|
| 38 |
+
|
| 39 |
+
```python
|
| 40 |
+
from transformers import AutoModelForCausalLM, AutoTokenizer
|
| 41 |
+
from peft import PeftModel
|
| 42 |
+
|
| 43 |
+
# Load base model
|
| 44 |
+
base_model = AutoModelForCausalLM.from_pretrained("Qwen/Qwen2.5-1.5B-Instruct")
|
| 45 |
+
tokenizer = AutoTokenizer.from_pretrained("Qwen/Qwen2.5-1.5B-Instruct")
|
| 46 |
+
|
| 47 |
+
# Load LoRA adapter
|
| 48 |
+
model = PeftModel.from_pretrained(base_model, "Stepan222/avito-validation-lora")
|
| 49 |
+
```
|
| 50 |
+
|
| 51 |
+
## License
|
| 52 |
+
|
| 53 |
+
Apache 2.0
|
adapter_config.json
ADDED
|
@@ -0,0 +1,39 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
{
|
| 2 |
+
"alpha_pattern": {},
|
| 3 |
+
"auto_mapping": null,
|
| 4 |
+
"base_model_name_or_path": "Qwen/Qwen2.5-1.5B-Instruct",
|
| 5 |
+
"bias": "none",
|
| 6 |
+
"corda_config": null,
|
| 7 |
+
"eva_config": null,
|
| 8 |
+
"exclude_modules": null,
|
| 9 |
+
"fan_in_fan_out": false,
|
| 10 |
+
"inference_mode": false,
|
| 11 |
+
"init_lora_weights": true,
|
| 12 |
+
"layer_replication": null,
|
| 13 |
+
"layers_pattern": null,
|
| 14 |
+
"layers_to_transform": null,
|
| 15 |
+
"loftq_config": {},
|
| 16 |
+
"lora_alpha": 32,
|
| 17 |
+
"lora_bias": false,
|
| 18 |
+
"lora_dropout": 0.05,
|
| 19 |
+
"megatron_config": null,
|
| 20 |
+
"megatron_core": "megatron.core",
|
| 21 |
+
"modules_to_save": null,
|
| 22 |
+
"peft_type": "LORA",
|
| 23 |
+
"r": 16,
|
| 24 |
+
"rank_pattern": {},
|
| 25 |
+
"revision": null,
|
| 26 |
+
"target_modules": [
|
| 27 |
+
"down_proj",
|
| 28 |
+
"o_proj",
|
| 29 |
+
"q_proj",
|
| 30 |
+
"k_proj",
|
| 31 |
+
"up_proj",
|
| 32 |
+
"v_proj",
|
| 33 |
+
"gate_proj"
|
| 34 |
+
],
|
| 35 |
+
"task_type": "CAUSAL_LM",
|
| 36 |
+
"trainable_token_indices": null,
|
| 37 |
+
"use_dora": false,
|
| 38 |
+
"use_rslora": false
|
| 39 |
+
}
|
adapter_model.safetensors
ADDED
|
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
version https://git-lfs.github.com/spec/v1
|
| 2 |
+
oid sha256:68ae41b9645c1b209e5c472dba01a6f60eba0f8746488e5ce44a76c86dcbb8a7
|
| 3 |
+
size 36981856
|
stats.json
ADDED
|
@@ -0,0 +1 @@
|
|
|
|
|
|
|
| 1 |
+
{"world_size": 1, "epochs": 2, "steps": 3333, "seqs": 34672, "tokens": 101258180, "last_epoch_steps": 0, "last_epoch_seqs": 0, "last_epoch_tokens": 0, "total_seqs": 17336, "nan_in_loss_seqs": 0, "experiment_tracking_run_id": null, "loss_ema": 0.166393037497039, "loss_sum": 9.550168424844742, "mtp_loss_ema": 0, "mtp_loss_sum": 0, "eval_losses_avg": [0.2669239677488804, 0.2087830863893032, 0.18562059849500656, 0.17422222346067429, 0.16747690364718437, 0.16181137412786484, 0.15829269029200077, 0.15605521947145462, 0.15283420123159885, 0.1499126348644495, 0.14830303378403187, 0.14638864435255527, 0.1452154479920864, 0.1440908331423998, 0.14218942821025848, 0.1416184939444065, 0.14071348309516907, 0.13887083530426025, 0.13866095431149006, 0.13731765188276768, 0.13701613806188107, 0.1358004603534937, 0.13419232331216335, 0.1340783443301916, 0.13359127007424831, 0.13340670242905617, 0.13154898025095463, 0.13112467527389526, 0.12966893799602985, 0.1300010159611702, 0.12925688736140728, 0.1286165565252304, 0.12809292040765285, 0.12784288451075554, 0.1277215015143156, 0.12710174918174744, 0.12699639797210693, 0.12620864622294903, 0.12637895718216896, 0.1255951076745987, 0.12555144913494587, 0.12513052485883236]}
|
train_config.json
ADDED
|
@@ -0,0 +1 @@
|
|
|
|
|
|
|
| 1 |
+
{"comet": false, "comet_api_key": null, "comet_workspace": null, "comet_project": null, "comet_run_id": "cifqwmbd", "wandb": false, "wandb_api_key": null, "wandb_entity": null, "wandb_project": null, "wandb_run_id": "cifqwmbd", "base_model_dir": "/llm-downloader-destination/base/fireworks/qwen2p5-1p5b-instruct/hf", "output_model_dir": "gs://fireworks-artifacts-resource-kb1orm3qomz-bdc607/tuned-model-cifqwmbd/ca474e/avito-validation-20251206-172226/checkpoint", "checkpoint_dir": "/dev/shm/checkpoints", "gcs_checkpoint_dir": "gs://fireworks-artifacts-resource-kb1orm3qomz-bdc607/tuned-model-cifqwmbd/ca474e/avito-validation-20251206-172226/checkpoints/checkpoints", "max_checkpoints_to_keep": 1, "checkpoint_interval": 3600, "save_final_checkpoint": false, "train": true, "learning_rate": 1e-05, "learning_rate_warmup_steps": 0, "grad_accum_steps": 1, "correct_grad_accum_loss": false, "epochs": 2, "early_stop": false, "seed": 42, "dataset_dir": "/mnt/staging/dataset", "eval_auto_carveout": true, "eval_dataset_dir": null, "train_limit": null, "max_context_len": 32768, "batch_size": 32768, "max_data_workers": 0, "min_evals_per_epoch": 4, "precision": null, "status_file": "gs://fireworks-fine-tuning-job-status/sftj-resource-kb1orm3qomz-cifqwmbd-d2b26ffc-2c64-4df2-ad05-0855d9c254e0", "billing_file": "gs://fireworks-fine-tuning-metadata/sftj-resource-kb1orm3qomz-cifqwmbd/billing-d2b26ffc-2c64-4df2-ad05-0855d9c254e0", "metrics_file": "gs://fireworks-fine-tuning-metadata/sftj-resource-kb1orm3qomz-cifqwmbd/metrics.jsonl", "profile": null, "weight_sharding": null, "activation_sharding": null, "empty_weights": false, "nan_ratio_threshold": 0.05, "fast_api_port": 80, "optimizer": "adamw", "target_shard_size_gb": null, "peft_addon_dir": null, "lora_rank": 16, "lora_dropout": 0.05, "template_kind": "conversation", "template": null, "eval_train_ratio": 0.02, "mtp_config": {"enable_mtp": false, "freeze_base_model": false, "num_draft_tokens": 1}, "qat": true, "kld": false, "teft_tokens": [], "skip_dataset_filtering": false}
|