modelId
stringlengths 5
139
| author
stringlengths 2
42
| last_modified
timestamp[us, tz=UTC]date 2020-02-15 11:33:14
2025-09-09 18:59:16
| downloads
int64 0
223M
| likes
int64 0
11.7k
| library_name
stringclasses 551
values | tags
listlengths 1
4.05k
| pipeline_tag
stringclasses 55
values | createdAt
timestamp[us, tz=UTC]date 2022-03-02 23:29:04
2025-09-09 18:27:33
| card
stringlengths 11
1.01M
|
---|---|---|---|---|---|---|---|---|---|
bdidudysidjd/blockassist-bc-tough_noisy_sheep_1757412754
|
bdidudysidjd
| 2025-09-09T10:12:43Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"tough noisy sheep",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:12:40Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- tough noisy sheep
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kpopgirl196/blockassist-bc-finicky_clawed_condor_1757411093
|
kpopgirl196
| 2025-09-09T10:11:58Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"finicky clawed condor",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:11:54Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- finicky clawed condor
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
jtfhhhtfhugh/blockassist-bc-shaggy_shiny_gazelle_1757412697
|
jtfhhhtfhugh
| 2025-09-09T10:11:45Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"shaggy shiny gazelle",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:11:42Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- shaggy shiny gazelle
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
ByteDance-Seed/VINCIE-3B
|
ByteDance-Seed
| 2025-09-09T10:11:24Z | 0 | 34 |
vincie
|
[
"vincie",
"image-to-image",
"arxiv:2506.10941",
"license:apache-2.0",
"region:us"
] |
image-to-image
| 2025-07-02T06:09:02Z |
---
license: apache-2.0
library_name: vincie
pipeline_tag: image-to-image
---
<!-- <div align="center">
<img src="assets/seedvr_logo.png" alt="SeedVR" width="400"/>
</div> -->
# VINCIE: Unlocking In-context Image Editing from Video
> [Leigang Qu](https://leigang-qu.github.io/), [Feng Cheng](https://klauscc.github.io/), [Ziyan Yang](https://ziyanyang.github.io/), [Qi Zhao](https://kevinz8866.github.io/), [Shanchuan Lin](https://scholar.google.com/citations?user=EDWUw7gAAAAJ&hl=en), [Yichun Shi](https://seasonsh.github.io/), [Yicong Li](https://yl3800.github.io/), [Wenjie Wang](https://wenjiewwj.github.io/), [Tat-Seng Chua](https://www.chuatatseng.com/), [Lu Jiang](http://www.lujiang.info/index.html)
<p align="center">
<a href="https://vincie2025.github.io/">
<img
src="https://img.shields.io/badge/VINCIE-Website-0A66C2?logo=safari&logoColor=white"
alt="VINCIE Website"
/>
</a>
<a href="https://arxiv.org/abs/2506.10941">
<img
src="https://img.shields.io/badge/VINCIE-Paper-red?logo=arxiv&logoColor=red"
alt="VINCIE Paper on ArXiv"
/>
</a>
<a href="https://github.com/ByteDance-Seed/VINCIE">
<img
alt="Github" src="https://img.shields.io/badge/VINCIE-Codebase-536af5?color=536af5&logo=github"
alt="VINCIE Codebase"
/>
</a>
<a href="https://huggingface.co/collections/ByteDance-Seed/vincie-6864cc2e3116d82e4a83a17c">
<img
src="https://img.shields.io/badge/VINCIE-Models-yellow?logo=huggingface&logoColor=yellow"
alt="VINCIE Models"
/>
</a>
<a href="https://huggingface.co/spaces/ByteDance-Seed/VINCIE-3B">
<img
src="https://img.shields.io/badge/VINCIE-Space-orange?logo=huggingface&logoColor=yellow"
alt="VINCIE Space"
/>
</a>
</p>
>
> In-context image editing aims to modify images based on a contextual sequence comprising text and previously generated images. Existing methods typically depend on task-specific pipelines and expert models (e.g., segmentation and inpainting) to curate training data. In this work, we explore whether an in-context image editing model can be learned directly from videos. We introduce a scalable approach to annotate videos as interleaved multimodal sequences. To effectively learn from this data, we design a block-causal diffusion transformer trained on three proxy tasks: next-image prediction, current segmentation prediction, and next-segmentation prediction. Additionally, we propose a novel multi-turn image editing benchmark to advance research in this area. Extensive experiments demonstrate that our model exhibits strong in-context image editing capabilities and achieves state-of-the-art results on two multi-turn image editing benchmarks. Despite being trained exclusively on videos, our model also shows promising abilities in multi-concept composition, story generation, and chain-of-editing applications.
## ✍️ Citation
```bibtex
@article{qu2025vincie,
title={VINCIE: Unlocking In-context Image Editing from Video},
author={Qu, Leigang and Cheng, Feng and Yang, Ziyan and Zhao, Qi and Lin, Shanchuan and Shi, Yichun and Li, Yicong and Wang, Wenjie and Chua, Tat-Seng and Jiang, Lu},
journal={arXiv preprint arXiv:2506.10941},
year={2025}
}
```
## 📜 License
VINCIE is licensed under the Apache 2.0.
|
csjxbxsjcbckc/blockassist-bc-aquatic_tangled_mouse_1757412669
|
csjxbxsjcbckc
| 2025-09-09T10:11:18Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"aquatic tangled mouse",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:11:15Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- aquatic tangled mouse
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Ludo33/e5_General_09092025
|
Ludo33
| 2025-09-09T10:10:59Z | 0 | 0 |
transformers
|
[
"transformers",
"tensorboard",
"safetensors",
"xlm-roberta",
"text-classification",
"generated_from_trainer",
"base_model:intfloat/multilingual-e5-large-instruct",
"base_model:finetune:intfloat/multilingual-e5-large-instruct",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text-classification
| 2025-09-09T09:09:04Z |
---
library_name: transformers
license: mit
base_model: intfloat/multilingual-e5-large-instruct
tags:
- generated_from_trainer
model-index:
- name: e5_General_09092025
results: []
---
<!-- This model card has been generated automatically according to the information the Trainer had access to. You
should probably proofread and complete it, then remove this comment. -->
# e5_General_09092025
This model is a fine-tuned version of [intfloat/multilingual-e5-large-instruct](https://huggingface.co/intfloat/multilingual-e5-large-instruct) on the None dataset.
It achieves the following results on the evaluation set:
- Loss: 0.1292
- F1 Weighted: 0.9404
## Model description
More information needed
## Intended uses & limitations
More information needed
## Training and evaluation data
More information needed
## Training procedure
### Training hyperparameters
The following hyperparameters were used during training:
- learning_rate: 5e-06
- train_batch_size: 16
- eval_batch_size: 8
- seed: 42
- gradient_accumulation_steps: 2
- total_train_batch_size: 32
- optimizer: Use OptimizerNames.ADAMW_TORCH_FUSED with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments
- lr_scheduler_type: linear
- num_epochs: 10
- mixed_precision_training: Native AMP
### Training results
| Training Loss | Epoch | Step | Validation Loss | F1 Weighted |
|:-------------:|:-----:|:----:|:---------------:|:-----------:|
| 0.9488 | 1.0 | 740 | 0.1869 | 0.8916 |
| 0.7468 | 2.0 | 1480 | 0.1406 | 0.9151 |
| 0.8863 | 3.0 | 2220 | 0.1277 | 0.9269 |
| 0.9283 | 4.0 | 2960 | 0.1175 | 0.9324 |
| 0.8398 | 5.0 | 3700 | 0.1207 | 0.9349 |
| 0.9551 | 6.0 | 4440 | 0.1248 | 0.9379 |
| 0.9554 | 7.0 | 5180 | 0.1292 | 0.9404 |
### Framework versions
- Transformers 4.56.0
- Pytorch 2.8.0+cu126
- Datasets 4.0.0
- Tokenizers 0.22.0
|
evasuf103/blockassist-bc-omnivorous_omnivorous_sardine_1757412620
|
evasuf103
| 2025-09-09T10:10:50Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"omnivorous omnivorous sardine",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:10:46Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- omnivorous omnivorous sardine
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
SilverKittyy/pi0_so101_libero_finetune
|
SilverKittyy
| 2025-09-09T10:10:09Z | 0 | 0 |
lerobot
|
[
"lerobot",
"robotics",
"manipulation",
"pi0",
"so101",
"libero",
"reinforcement-learning",
"license:mit",
"region:us"
] |
reinforcement-learning
| 2025-09-09T09:53:19Z |
---
license: mit
tags:
- robotics
- manipulation
- pi0
- lerobot
- so101
- libero
pipeline_tag: reinforcement-learning
---
# π₀ SO-101 Libero Fine-tuned Model
This is a π₀ (pi-zero) model fine-tuned on the Libero dataset for manipulation tasks with the SO-101 follower arm.
## Model Details
- **Model Type**: π₀ (Physical Intelligence Zero)
- **Robot Type**: SO-101 Follower Arm
- **Dataset**: Libero
- **Task**: Manipulation (pick and place, object manipulation)
- **Input**: RGB images (224x224) + robot state (32-dim)
- **Output**: Robot actions (7-dim)
## Usage with LeRobot
### Recording with Policy
```bash
lerobot-record \
--robot.type=so101_follower \
--robot.port=/dev/ttyACM0 \
--robot.cameras='{"up":{"type":"opencv","index_or_path":0,"width":640,"height":480,"fps":30}}' \
--robot.id=my_awesome_follower_arm \
--dataset.single_task="pick up the screwdriver" \
--policy.path=SilverKittyy/pi0_so101_libero_finetune \
--dataset.repo_id=local_eval \
--dataset.num_episodes=1
```
### Evaluation
```bash
lerobot-eval \
--policy.path=SilverKittyy/pi0_so101_libero_finetune \
--dataset.repo_id=your_evaluation_dataset \
--eval.n_episodes=10
```
## Model Architecture
- **Vision Encoder**: Frozen vision encoder
- **State Processing**: 32-dimensional state vector
- **Action Space**: 7-dimensional (6 joint positions + gripper)
- **Normalization**: Mean-std normalization for all inputs/outputs
## Training Details
- **Base Model**: π₀ pre-trained model
- **Fine-tuning Dataset**: Libero manipulation tasks
- **Training Steps**: 29,999
- **Learning Rate**: 2.5e-05
- **Optimizer**: AdamW with cosine decay
## Hardware Requirements
- **Robot**: SO-101 Follower Arm
- **Camera**: OpenCV-compatible camera (e.g., /dev/video0)
- **Compute**: CUDA-capable GPU recommended
## Safety Notes
- This model is trained for manipulation tasks
- Always ensure proper safety measures when using with real hardware
- Test in simulation or with safety constraints before real-world deployment
|
reinaldosooburnelloace/blockassist-bc-deadly_omnivorous_lion_1757412567
|
reinaldosooburnelloace
| 2025-09-09T10:09:36Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"deadly omnivorous lion",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:09:33Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- deadly omnivorous lion
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
HenryHYH/wine_v1_model
|
HenryHYH
| 2025-09-09T10:09:23Z | 0 | 0 |
transformers
|
[
"transformers",
"gguf",
"qwen3",
"text-generation-inference",
"unsloth",
"en",
"license:apache-2.0",
"endpoints_compatible",
"region:us",
"conversational"
] | null | 2025-09-09T10:08:58Z |
---
base_model: unsloth/qwen3-1.7b-unsloth-bnb-4bit
tags:
- text-generation-inference
- transformers
- unsloth
- qwen3
- gguf
license: apache-2.0
language:
- en
---
# Uploaded model
- **Developed by:** HenryHYH
- **License:** apache-2.0
- **Finetuned from model :** unsloth/qwen3-1.7b-unsloth-bnb-4bit
This qwen3 model was trained 2x faster with [Unsloth](https://github.com/unslothai/unsloth) and Huggingface's TRL library.
[<img src="https://raw.githubusercontent.com/unslothai/unsloth/main/images/unsloth%20made%20with%20love.png" width="200"/>](https://github.com/unslothai/unsloth)
|
bah63843/blockassist-bc-plump_fast_antelope_1757412509
|
bah63843
| 2025-09-09T10:09:14Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"plump fast antelope",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:09:06Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- plump fast antelope
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
duyyertoyuy/blockassist-bc-huge_graceful_orangutan_1757412492
|
duyyertoyuy
| 2025-09-09T10:08:48Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"huge graceful orangutan",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:08:13Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- huge graceful orangutan
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
haihp02/0fc0778a-af90-4277-b737-cd705e04c8d2
|
haihp02
| 2025-09-09T10:08:31Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"arxiv:1910.09700",
"endpoints_compatible",
"region:us"
] | null | 2025-09-09T07:56:37Z |
---
library_name: transformers
tags: []
---
# Model Card for Model ID
<!-- Provide a quick summary of what the model is/does. -->
## Model Details
### Model Description
<!-- Provide a longer summary of what this model is. -->
This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated.
- **Developed by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Model type:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
- **Finetuned from model [optional]:** [More Information Needed]
### Model Sources [optional]
<!-- Provide the basic links for the model. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
### Direct Use
<!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
[More Information Needed]
### Downstream Use [optional]
<!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
## How to Get Started with the Model
Use the code below to get started with the model.
[More Information Needed]
## Training Details
### Training Data
<!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
[More Information Needed]
### Training Procedure
<!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
#### Preprocessing [optional]
[More Information Needed]
#### Training Hyperparameters
- **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
#### Speeds, Sizes, Times [optional]
<!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
[More Information Needed]
## Evaluation
<!-- This section describes the evaluation protocols and provides the results. -->
### Testing Data, Factors & Metrics
#### Testing Data
<!-- This should link to a Dataset Card if possible. -->
[More Information Needed]
#### Factors
<!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
[More Information Needed]
#### Metrics
<!-- These are the evaluation metrics being used, ideally with a description of why. -->
[More Information Needed]
### Results
[More Information Needed]
#### Summary
## Model Examination [optional]
<!-- Relevant interpretability work for the model goes here -->
[More Information Needed]
## Environmental Impact
<!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
- **Hardware Type:** [More Information Needed]
- **Hours used:** [More Information Needed]
- **Cloud Provider:** [More Information Needed]
- **Compute Region:** [More Information Needed]
- **Carbon Emitted:** [More Information Needed]
## Technical Specifications [optional]
### Model Architecture and Objective
[More Information Needed]
### Compute Infrastructure
[More Information Needed]
#### Hardware
[More Information Needed]
#### Software
[More Information Needed]
## Citation [optional]
<!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Model Card Authors [optional]
[More Information Needed]
## Model Card Contact
[More Information Needed]
|
abadkibriya3524/blockassist-bc-timid_padded_ape_1757412493
|
abadkibriya3524
| 2025-09-09T10:08:28Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"timid padded ape",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:08:24Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- timid padded ape
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kateh/big_lama.ckpt
|
kateh
| 2025-09-09T10:07:41Z | 0 | 0 | null |
[
"license:apache-2.0",
"region:us"
] | null | 2025-09-09T10:00:25Z |
---
license: apache-2.0
---
This is a version of the [big lama model](https://github.com/advimman/lama) weights that are compatible with versions of Torch 2.6 and later, in which the load function `torch.load` defaults to use
the argument `weights_only=true`.
Older versions of big_lama.ckpt cannot be loaded using `torch.load()` with versions of torch >=2.6.
For references and details of the big lama model, see [*LaMa: Resolution-robust Large Mask Inpainting with Fourier Convolutions*](https://github.com/advimman/lama)
|
EsotericsEnjoyer/Qwen3-30B-A3B-Thinking-2507-abliterated-CPT-SFT-cpt-adapters
|
EsotericsEnjoyer
| 2025-09-09T10:07:34Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"unsloth",
"arxiv:1910.09700",
"endpoints_compatible",
"region:us"
] | null | 2025-09-09T03:43:47Z |
---
library_name: transformers
tags:
- unsloth
---
# 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]
|
brauerraglmb/blockassist-bc-tough_subtle_tortoise_1757412359
|
brauerraglmb
| 2025-09-09T10:06:07Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"tough subtle tortoise",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:06:04Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- tough subtle tortoise
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
aleebaster/blockassist-bc-sly_eager_boar_1757410898
|
aleebaster
| 2025-09-09T10:05:22Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"sly eager boar",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:05:15Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- sly eager boar
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
wolfeduodrw/blockassist-bc-graceful_hulking_lemur_1757412276
|
wolfeduodrw
| 2025-09-09T10:04:48Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"graceful hulking lemur",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:04:45Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- graceful hulking lemur
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
duyyertoyuy/blockassist-bc-territorial_climbing_gecko_1757412201
|
duyyertoyuy
| 2025-09-09T10:04:43Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"territorial climbing gecko",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:03:22Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- territorial climbing gecko
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
saruonrajcsix/blockassist-bc-rough_wiry_albatross_1757412251
|
saruonrajcsix
| 2025-09-09T10:04:18Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"rough wiry albatross",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:04:16Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- rough wiry albatross
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
lejelly/gs-Qwen2.5-7B-math-code-w1_0_2_w2_0_0
|
lejelly
| 2025-09-09T10:03:18Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"qwen2",
"text-generation",
"mergekit",
"merge",
"conversational",
"arxiv:2212.04089",
"base_model:Qwen/Qwen2.5-7B",
"base_model:merge:Qwen/Qwen2.5-7B",
"base_model:Qwen/Qwen2.5-Coder-7B-Instruct",
"base_model:merge:Qwen/Qwen2.5-Coder-7B-Instruct",
"base_model:Qwen/Qwen2.5-Math-7B-Instruct",
"base_model:merge:Qwen/Qwen2.5-Math-7B-Instruct",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2025-09-09T10:00:44Z |
---
base_model:
- Qwen/Qwen2.5-7B
- Qwen/Qwen2.5-Coder-7B-Instruct
- Qwen/Qwen2.5-Math-7B-Instruct
library_name: transformers
tags:
- mergekit
- merge
---
# w1_0_2_w2_0_0
This is a merge of pre-trained language models created using [mergekit](https://github.com/cg123/mergekit).
## Merge Details
### Merge Method
This model was merged using the [Task Arithmetic](https://arxiv.org/abs/2212.04089) merge method using [Qwen/Qwen2.5-7B](https://huggingface.co/Qwen/Qwen2.5-7B) as a base.
### Models Merged
The following models were included in the merge:
* [Qwen/Qwen2.5-Coder-7B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Coder-7B-Instruct)
* [Qwen/Qwen2.5-Math-7B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Math-7B-Instruct)
### Configuration
The following YAML configuration was used to produce this model:
```yaml
# Task Arithmetic - Grid Search
# Weights: 0.2, 0.0
base_model: Qwen/Qwen2.5-7B
models:
- model: Qwen/Qwen2.5-Math-7B-Instruct
parameters:
weight: 0.2
- model: Qwen/Qwen2.5-Coder-7B-Instruct
parameters:
weight: 0.0
merge_method: task_arithmetic
parameters:
normalize: false
lambda: 1.0
dtype: float16
tokenizer:
source: union
```
|
aronlg/blockassist-bc-wiry_insectivorous_bat_1757412118
|
aronlg
| 2025-09-09T10:03:16Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"wiry insectivorous bat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:02:57Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- wiry insectivorous bat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
lannykarilcade/blockassist-bc-voracious_hulking_lizard_1757412187
|
lannykarilcade
| 2025-09-09T10:03:15Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"voracious hulking lizard",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:03:12Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- voracious hulking lizard
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
duyyertoyuy/blockassist-bc-silky_pawing_gazelle_1757412105
|
duyyertoyuy
| 2025-09-09T10:02:33Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"silky pawing gazelle",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:01:48Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- silky pawing gazelle
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Bexiiii/Inspira_v_1
|
Bexiiii
| 2025-09-09T10:02:33Z | 20 | 0 |
diffusers
|
[
"diffusers",
"tensorboard",
"text-to-image",
"stable-diffusion-xl",
"lora",
"dreambooth",
"poster-design",
"advertising",
"instagram",
"graphic-design",
"food-poster",
"base_model:stabilityai/stable-diffusion-xl-base-1.0",
"base_model:adapter:stabilityai/stable-diffusion-xl-base-1.0",
"license:openrail++",
"region:us"
] |
text-to-image
| 2025-08-17T12:10:23Z |
---
base_model: stabilityai/stable-diffusion-xl-base-1.0
library_name: diffusers
license: openrail++
instance_prompt: a instagram poster
widget:
- text: a fast food and burger instagram poster
output:
url: images/example_9ui3lrovr.png
tags:
- text-to-image
- stable-diffusion-xl
- diffusers
- lora
- dreambooth
- poster-design
- advertising
- instagram
- graphic-design
- food-poster
---
# 🎨 Inspira_v_1 — SDXL LoRA for Instagram Poster Design
<Gallery />
## 📌 Model description
Inspira_v_1 is a LoRA for Stable Diffusion XL, fine-tuned on advertising posters in Instagram style.
This model generates modern, eye-catching, and stylish posters for food, brands, and promotional campaigns.
It is especially good for:
- 🍔 Food advertisements (burgers, pizza, sushi, etc.)
- 📱 Social media visuals (Instagram, TikTok, Facebook)
- 🎨 Creative graphic design and banners
⚡ What makes Inspira_v_1 special is its focus on graphic design aesthetics, not just photorealism.
---
## 🖼️ Examples
| Prompt | Result |
|--------|--------|
| *a fast food and burger instagram poster, professional advertising design, bold typography, red background* |  |
*(Add 2–3 more examples for better showcase)*
---
## 🚀 How to use
from diffusers import StableDiffusionXLPipeline
import torch
model_id = "Bexiiii/Inspira_v_1"
pipe = StableDiffusionXLPipeline.from_pretrained(
model_id,
torch_dtype=torch.float16,
variant="fp16"
).to("cuda")
prompt = "Modern Instagram poster of a juicy cheeseburger, professional advertising design, red background, bold typography"
image = pipe(prompt).images[0]
image.save("poster.png")
---
## 🎯 Trigger words
Recommended prompts:
* a instagram poster
* a fast food poster
* a modern graphic design poster
* a product advertising poster
---
## ✅ Intended uses & limitations
Intended uses:
* Poster creation for advertising campaigns
* Social media design (Instagram / TikTok / Facebook)
* Creative brand banners
Limitations:
* Struggles with generating long or complex text
* May produce artifacts in typography
* Not designed for realistic portraits
---
## 🛠️ Training details
* Base model: stabilityai/stable-diffusion-xl-base-1.0
* Method: DreamBooth + LoRA
* VAE: madebyollin/sdxl-vae-fp16-fix
* Dataset: \~200 Instagram-style posters (fast food, digital ads, banners)
* Training: 10 epochs, batch size 1, resolution 1024x1024
---
## 📥 Download model
Weights are available in safetensors format.
👉 [Download here](https://huggingface.co/Bexiiii/Inspira_v_1/tree/main)
---
⭐ If you find this model useful, don’t forget to give it a like and share it!
---
Do you want me to also create a **set of ready-to-use prompts (burger, pizza, clothes, gadgets, cosmetics)** so you can paste them under the “Examples” section? That way people can instantly see how versatile your model is.
|
cwayneconnor/blockassist-bc-mute_loud_lynx_1757412017
|
cwayneconnor
| 2025-09-09T10:02:28Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"mute loud lynx",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:01:52Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- mute loud lynx
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
afsanakhatun76473/blockassist-bc-gentle_strong_cat_1757412098
|
afsanakhatun76473
| 2025-09-09T10:01:45Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"gentle strong cat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:01:43Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- gentle strong cat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
slatinlatrina/blockassist-bc-mammalian_sneaky_prawn_1757412075
|
slatinlatrina
| 2025-09-09T10:01:22Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"mammalian sneaky prawn",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:01:19Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- mammalian sneaky prawn
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
keesehalebaer/blockassist-bc-giant_stealthy_shark_1757412019
|
keesehalebaer
| 2025-09-09T10:00:54Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"giant stealthy shark",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T10:00:49Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- giant stealthy shark
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
gcvvlima/blockassist-bc-scruffy_sizable_squirrel_1757411964
|
gcvvlima
| 2025-09-09T09:59:39Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"scruffy sizable squirrel",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:59:35Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- scruffy sizable squirrel
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Jane0zq/imdb-distilbert-standard
|
Jane0zq
| 2025-09-09T09:59:33Z | 0 | 0 |
transformers
|
[
"transformers",
"arxiv:1910.09700",
"endpoints_compatible",
"region:us"
] | null | 2025-09-09T09:59:32Z |
---
library_name: transformers
tags: []
---
# Model Card for Model ID
<!-- Provide a quick summary of what the model is/does. -->
## Model Details
### Model Description
<!-- Provide a longer summary of what this model is. -->
This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated.
- **Developed by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Model type:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
- **Finetuned from model [optional]:** [More Information Needed]
### Model Sources [optional]
<!-- Provide the basic links for the model. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
### Direct Use
<!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
[More Information Needed]
### Downstream Use [optional]
<!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
## How to Get Started with the Model
Use the code below to get started with the model.
[More Information Needed]
## Training Details
### Training Data
<!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
[More Information Needed]
### Training Procedure
<!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
#### Preprocessing [optional]
[More Information Needed]
#### Training Hyperparameters
- **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
#### Speeds, Sizes, Times [optional]
<!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
[More Information Needed]
## Evaluation
<!-- This section describes the evaluation protocols and provides the results. -->
### Testing Data, Factors & Metrics
#### Testing Data
<!-- This should link to a Dataset Card if possible. -->
[More Information Needed]
#### Factors
<!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
[More Information Needed]
#### Metrics
<!-- These are the evaluation metrics being used, ideally with a description of why. -->
[More Information Needed]
### Results
[More Information Needed]
#### Summary
## Model Examination [optional]
<!-- Relevant interpretability work for the model goes here -->
[More Information Needed]
## Environmental Impact
<!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
- **Hardware Type:** [More Information Needed]
- **Hours used:** [More Information Needed]
- **Cloud Provider:** [More Information Needed]
- **Compute Region:** [More Information Needed]
- **Carbon Emitted:** [More Information Needed]
## Technical Specifications [optional]
### Model Architecture and Objective
[More Information Needed]
### Compute Infrastructure
[More Information Needed]
#### Hardware
[More Information Needed]
#### Software
[More Information Needed]
## Citation [optional]
<!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Model Card Authors [optional]
[More Information Needed]
## Model Card Contact
[More Information Needed]
|
lloydwoodcockad/blockassist-bc-armored_mighty_cockroach_1757410423
|
lloydwoodcockad
| 2025-09-09T09:59:22Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"armored mighty cockroach",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:59:19Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- armored mighty cockroach
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
bah63843/blockassist-bc-plump_fast_antelope_1757411888
|
bah63843
| 2025-09-09T09:59:09Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"plump fast antelope",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:58:47Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- plump fast antelope
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
longharriett/blockassist-bc-placid_whistling_sheep_1757411938
|
longharriett
| 2025-09-09T09:59:06Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"placid whistling sheep",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:59:03Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- placid whistling sheep
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
lejelly/gs-Qwen2.5-7B-math-code-w1_0_0_w2_0_8
|
lejelly
| 2025-09-09T09:56:53Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"qwen2",
"text-generation",
"mergekit",
"merge",
"conversational",
"arxiv:2212.04089",
"base_model:Qwen/Qwen2.5-7B",
"base_model:merge:Qwen/Qwen2.5-7B",
"base_model:Qwen/Qwen2.5-Coder-7B-Instruct",
"base_model:merge:Qwen/Qwen2.5-Coder-7B-Instruct",
"base_model:Qwen/Qwen2.5-Math-7B-Instruct",
"base_model:merge:Qwen/Qwen2.5-Math-7B-Instruct",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2025-09-09T09:54:15Z |
---
base_model:
- Qwen/Qwen2.5-Coder-7B-Instruct
- Qwen/Qwen2.5-Math-7B-Instruct
- Qwen/Qwen2.5-7B
library_name: transformers
tags:
- mergekit
- merge
---
# w1_0_0_w2_0_8
This is a merge of pre-trained language models created using [mergekit](https://github.com/cg123/mergekit).
## Merge Details
### Merge Method
This model was merged using the [Task Arithmetic](https://arxiv.org/abs/2212.04089) merge method using [Qwen/Qwen2.5-7B](https://huggingface.co/Qwen/Qwen2.5-7B) as a base.
### Models Merged
The following models were included in the merge:
* [Qwen/Qwen2.5-Coder-7B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Coder-7B-Instruct)
* [Qwen/Qwen2.5-Math-7B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Math-7B-Instruct)
### Configuration
The following YAML configuration was used to produce this model:
```yaml
# Task Arithmetic - Grid Search
# Weights: 0.0, 0.8
base_model: Qwen/Qwen2.5-7B
models:
- model: Qwen/Qwen2.5-Math-7B-Instruct
parameters:
weight: 0.0
- model: Qwen/Qwen2.5-Coder-7B-Instruct
parameters:
weight: 0.8
merge_method: task_arithmetic
parameters:
normalize: false
lambda: 1.0
dtype: float16
tokenizer:
source: union
```
|
yaelahnal/blockassist-bc-mute_clawed_crab_1757411732
|
yaelahnal
| 2025-09-09T09:56:43Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"mute clawed crab",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:56:26Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- mute clawed crab
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
lfhe/FLock-Arena-Task-14-PocketPitCrew
|
lfhe
| 2025-09-09T09:56:07Z | 542 | 0 |
peft
|
[
"peft",
"safetensors",
"arxiv:1910.09700",
"base_model:microsoft/Phi-3.5-mini-instruct",
"base_model:adapter:microsoft/Phi-3.5-mini-instruct",
"region:us"
] | null | 2025-04-29T15:12:07Z |
---
base_model: microsoft/Phi-3.5-mini-instruct
library_name: peft
---
# Model Card for Model ID
<!-- Provide a quick summary of what the model is/does. -->
## Model Details
### Model Description
<!-- Provide a longer summary of what this model is. -->
- **Developed by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Model type:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
- **Finetuned from model [optional]:** [More Information Needed]
### Model Sources [optional]
<!-- Provide the basic links for the model. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
### Direct Use
<!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
[More Information Needed]
### Downstream Use [optional]
<!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
## How to Get Started with the Model
Use the code below to get started with the model.
[More Information Needed]
## Training Details
### Training Data
<!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
[More Information Needed]
### Training Procedure
<!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
#### Preprocessing [optional]
[More Information Needed]
#### Training Hyperparameters
- **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
#### Speeds, Sizes, Times [optional]
<!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
[More Information Needed]
## Evaluation
<!-- This section describes the evaluation protocols and provides the results. -->
### Testing Data, Factors & Metrics
#### Testing Data
<!-- This should link to a Dataset Card if possible. -->
[More Information Needed]
#### Factors
<!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
[More Information Needed]
#### Metrics
<!-- These are the evaluation metrics being used, ideally with a description of why. -->
[More Information Needed]
### Results
[More Information Needed]
#### Summary
## Model Examination [optional]
<!-- Relevant interpretability work for the model goes here -->
[More Information Needed]
## Environmental Impact
<!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
- **Hardware Type:** [More Information Needed]
- **Hours used:** [More Information Needed]
- **Cloud Provider:** [More Information Needed]
- **Compute Region:** [More Information Needed]
- **Carbon Emitted:** [More Information Needed]
## Technical Specifications [optional]
### Model Architecture and Objective
[More Information Needed]
### Compute Infrastructure
[More Information Needed]
#### Hardware
[More Information Needed]
#### Software
[More Information Needed]
## Citation [optional]
<!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Model Card Authors [optional]
[More Information Needed]
## Model Card Contact
[More Information Needed]
### Framework versions
- PEFT 0.15.2
|
allfordedgar26/blockassist-bc-omnivorous_sprightly_aardvark_1757411758
|
allfordedgar26
| 2025-09-09T09:56:07Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"omnivorous sprightly aardvark",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:56:04Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- omnivorous sprightly aardvark
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Jane0zq/imdb-distilbert-v2
|
Jane0zq
| 2025-09-09T09:55:47Z | 0 | 0 |
transformers
|
[
"transformers",
"arxiv:1910.09700",
"endpoints_compatible",
"region:us"
] | null | 2025-09-09T09:55:46Z |
---
library_name: transformers
tags: []
---
# Model Card for Model ID
<!-- Provide a quick summary of what the model is/does. -->
## Model Details
### Model Description
<!-- Provide a longer summary of what this model is. -->
This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated.
- **Developed by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Model type:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
- **Finetuned from model [optional]:** [More Information Needed]
### Model Sources [optional]
<!-- Provide the basic links for the model. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
### Direct Use
<!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
[More Information Needed]
### Downstream Use [optional]
<!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
## How to Get Started with the Model
Use the code below to get started with the model.
[More Information Needed]
## Training Details
### Training Data
<!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
[More Information Needed]
### Training Procedure
<!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
#### Preprocessing [optional]
[More Information Needed]
#### Training Hyperparameters
- **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
#### Speeds, Sizes, Times [optional]
<!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
[More Information Needed]
## Evaluation
<!-- This section describes the evaluation protocols and provides the results. -->
### Testing Data, Factors & Metrics
#### Testing Data
<!-- This should link to a Dataset Card if possible. -->
[More Information Needed]
#### Factors
<!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
[More Information Needed]
#### Metrics
<!-- These are the evaluation metrics being used, ideally with a description of why. -->
[More Information Needed]
### Results
[More Information Needed]
#### Summary
## Model Examination [optional]
<!-- Relevant interpretability work for the model goes here -->
[More Information Needed]
## Environmental Impact
<!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
- **Hardware Type:** [More Information Needed]
- **Hours used:** [More Information Needed]
- **Cloud Provider:** [More Information Needed]
- **Compute Region:** [More Information Needed]
- **Carbon Emitted:** [More Information Needed]
## Technical Specifications [optional]
### Model Architecture and Objective
[More Information Needed]
### Compute Infrastructure
[More Information Needed]
#### Hardware
[More Information Needed]
#### Software
[More Information Needed]
## Citation [optional]
<!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Model Card Authors [optional]
[More Information Needed]
## Model Card Contact
[More Information Needed]
|
ayushman647/plant-disease-model
|
ayushman647
| 2025-09-09T09:55:14Z | 0 | 0 | null |
[
"license:apache-2.0",
"region:us"
] | null | 2025-09-09T09:49:19Z |
---
license: apache-2.0
---
|
arif696/blockassist-bc-regal_spotted_pelican_1757411538
|
arif696
| 2025-09-09T09:53:29Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"regal spotted pelican",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:53:22Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- regal spotted pelican
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
lorikmusaj922/blockassist-bc-hardy_enormous_monkey_1757411584
|
lorikmusaj922
| 2025-09-09T09:53:18Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"hardy enormous monkey",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:53:13Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- hardy enormous monkey
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
aronlg/blockassist-bc-wiry_insectivorous_bat_1757411500
|
aronlg
| 2025-09-09T09:52:50Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"wiry insectivorous bat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:52:42Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- wiry insectivorous bat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kavpro/blockassist-bc-tall_lively_caribou_1757411385
|
kavpro
| 2025-09-09T09:50:39Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"tall lively caribou",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:50:26Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- tall lively caribou
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
meaganalmeidaobu/blockassist-bc-armored_pesty_tortoise_1757411424
|
meaganalmeidaobu
| 2025-09-09T09:50:33Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"armored pesty tortoise",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:50:29Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- armored pesty tortoise
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
arif696/blockassist-bc-regal_spotted_pelican_1757411261
|
arif696
| 2025-09-09T09:49:30Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"regal spotted pelican",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:49:22Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- regal spotted pelican
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kokkeytopodar62963/blockassist-bc-domestic_savage_bear_1757411304
|
kokkeytopodar62963
| 2025-09-09T09:48:37Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"domestic savage bear",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:48:33Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- domestic savage bear
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-pensive_wary_prawn_1757411300
|
AnerYubo
| 2025-09-09T09:48:23Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"pensive wary prawn",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:48:20Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- pensive wary prawn
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
jopergil/blockassist-bc-leaping_stinky_dragonfly_1757411270
|
jopergil
| 2025-09-09T09:48:15Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"leaping stinky dragonfly",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:47:51Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- leaping stinky dragonfly
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-stalking_tawny_warthog_1757411292
|
AnerYubo
| 2025-09-09T09:48:15Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"stalking tawny warthog",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:48:12Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- stalking tawny warthog
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-dormant_strong_badger_1757411288
|
AnerYubo
| 2025-09-09T09:48:11Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"dormant strong badger",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:48:08Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- dormant strong badger
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-reptilian_bellowing_cockroach_1757411284
|
AnerYubo
| 2025-09-09T09:48:07Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"reptilian bellowing cockroach",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:48:04Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- reptilian bellowing cockroach
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-beaked_lumbering_cockroach_1757411279
|
AnerYubo
| 2025-09-09T09:48:02Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"beaked lumbering cockroach",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:47:59Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- beaked lumbering cockroach
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-loud_colorful_albatross_1757411267
|
AnerYubo
| 2025-09-09T09:47:50Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"loud colorful albatross",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:47:48Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- loud colorful albatross
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
koloni/blockassist-bc-deadly_graceful_stingray_1757409691
|
koloni
| 2025-09-09T09:47:37Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"deadly graceful stingray",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:47:34Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- deadly graceful stingray
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
lejelly/gs-Qwen2.5-7B-math-code-w1_0_0_w2_0_2
|
lejelly
| 2025-09-09T09:47:18Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"qwen2",
"text-generation",
"mergekit",
"merge",
"conversational",
"arxiv:2212.04089",
"base_model:Qwen/Qwen2.5-7B",
"base_model:merge:Qwen/Qwen2.5-7B",
"base_model:Qwen/Qwen2.5-Coder-7B-Instruct",
"base_model:merge:Qwen/Qwen2.5-Coder-7B-Instruct",
"base_model:Qwen/Qwen2.5-Math-7B-Instruct",
"base_model:merge:Qwen/Qwen2.5-Math-7B-Instruct",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2025-09-09T09:44:47Z |
---
base_model:
- Qwen/Qwen2.5-7B
- Qwen/Qwen2.5-Math-7B-Instruct
- Qwen/Qwen2.5-Coder-7B-Instruct
library_name: transformers
tags:
- mergekit
- merge
---
# w1_0_0_w2_0_2
This is a merge of pre-trained language models created using [mergekit](https://github.com/cg123/mergekit).
## Merge Details
### Merge Method
This model was merged using the [Task Arithmetic](https://arxiv.org/abs/2212.04089) merge method using [Qwen/Qwen2.5-7B](https://huggingface.co/Qwen/Qwen2.5-7B) as a base.
### Models Merged
The following models were included in the merge:
* [Qwen/Qwen2.5-Math-7B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Math-7B-Instruct)
* [Qwen/Qwen2.5-Coder-7B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Coder-7B-Instruct)
### Configuration
The following YAML configuration was used to produce this model:
```yaml
# Task Arithmetic - Grid Search
# Weights: 0.0, 0.2
base_model: Qwen/Qwen2.5-7B
models:
- model: Qwen/Qwen2.5-Math-7B-Instruct
parameters:
weight: 0.0
- model: Qwen/Qwen2.5-Coder-7B-Instruct
parameters:
weight: 0.2
merge_method: task_arithmetic
parameters:
normalize: false
lambda: 1.0
dtype: float16
tokenizer:
source: union
```
|
pempekmangedd/blockassist-bc-patterned_sturdy_dolphin_1757409733
|
pempekmangedd
| 2025-09-09T09:47:14Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"patterned sturdy dolphin",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:47:10Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- patterned sturdy dolphin
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-gilded_patterned_mouse_1757411218
|
AnerYubo
| 2025-09-09T09:47:01Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"gilded patterned mouse",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:46:59Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- gilded patterned mouse
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-finicky_finicky_warthog_1757411214
|
AnerYubo
| 2025-09-09T09:46:57Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"finicky finicky warthog",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:46:54Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- finicky finicky warthog
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-shaggy_melodic_cobra_1757411209
|
AnerYubo
| 2025-09-09T09:46:52Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"shaggy melodic cobra",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:46:50Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- shaggy melodic cobra
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-hairy_crested_fox_1757411205
|
AnerYubo
| 2025-09-09T09:46:48Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"hairy crested fox",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:46:45Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- hairy crested fox
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-giant_leggy_rhino_1757411196
|
AnerYubo
| 2025-09-09T09:46:39Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"giant leggy rhino",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:46:36Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- giant leggy rhino
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AnerYubo/blockassist-bc-armored_climbing_rooster_1757411187
|
AnerYubo
| 2025-09-09T09:46:30Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"armored climbing rooster",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:46:27Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- armored climbing rooster
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
arlindpriftiy86/blockassist-bc-rapid_ravenous_pigeon_1757411155
|
arlindpriftiy86
| 2025-09-09T09:46:03Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"rapid ravenous pigeon",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:46:00Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- rapid ravenous pigeon
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
BKM1804/jggggggggggggg-beta0-lr25e5
|
BKM1804
| 2025-09-09T09:46:02Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"arxiv:1910.09700",
"endpoints_compatible",
"region:us"
] | null | 2025-09-09T08:10:57Z |
---
library_name: transformers
tags: []
---
# Model Card for Model ID
<!-- Provide a quick summary of what the model is/does. -->
## Model Details
### Model Description
<!-- Provide a longer summary of what this model is. -->
This is the model card of a 🤗 transformers model that has been pushed on the Hub. This model card has been automatically generated.
- **Developed by:** [More Information Needed]
- **Funded by [optional]:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Model type:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
- **Finetuned from model [optional]:** [More Information Needed]
### Model Sources [optional]
<!-- Provide the basic links for the model. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## Uses
<!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
### Direct Use
<!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
[More Information Needed]
### Downstream Use [optional]
<!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
[More Information Needed]
### Out-of-Scope Use
<!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
[More Information Needed]
## Bias, Risks, and Limitations
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
[More Information Needed]
### Recommendations
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
## How to Get Started with the Model
Use the code below to get started with the model.
[More Information Needed]
## Training Details
### Training Data
<!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
[More Information Needed]
### Training Procedure
<!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
#### Preprocessing [optional]
[More Information Needed]
#### Training Hyperparameters
- **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
#### Speeds, Sizes, Times [optional]
<!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
[More Information Needed]
## Evaluation
<!-- This section describes the evaluation protocols and provides the results. -->
### Testing Data, Factors & Metrics
#### Testing Data
<!-- This should link to a Dataset Card if possible. -->
[More Information Needed]
#### Factors
<!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
[More Information Needed]
#### Metrics
<!-- These are the evaluation metrics being used, ideally with a description of why. -->
[More Information Needed]
### Results
[More Information Needed]
#### Summary
## Model Examination [optional]
<!-- Relevant interpretability work for the model goes here -->
[More Information Needed]
## Environmental Impact
<!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
- **Hardware Type:** [More Information Needed]
- **Hours used:** [More Information Needed]
- **Cloud Provider:** [More Information Needed]
- **Compute Region:** [More Information Needed]
- **Carbon Emitted:** [More Information Needed]
## Technical Specifications [optional]
### Model Architecture and Objective
[More Information Needed]
### Compute Infrastructure
[More Information Needed]
#### Hardware
[More Information Needed]
#### Software
[More Information Needed]
## Citation [optional]
<!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Model Card Authors [optional]
[More Information Needed]
## Model Card Contact
[More Information Needed]
|
trfyuiyfg/blockassist-bc-yawning_soaring_cheetah_1757411124
|
trfyuiyfg
| 2025-09-09T09:45:37Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"yawning soaring cheetah",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:45:33Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- yawning soaring cheetah
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
canadayfawuh/blockassist-bc-flapping_wise_rhino_1757411096
|
canadayfawuh
| 2025-09-09T09:45:09Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"flapping wise rhino",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:45:05Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- flapping wise rhino
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
seams01/blockassist-bc-insectivorous_stubby_snake_1757409360
|
seams01
| 2025-09-09T09:44:32Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"insectivorous stubby snake",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:44:29Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- insectivorous stubby snake
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
lablanchalseyborgnty/blockassist-bc-tenacious_voracious_panther_1757411045
|
lablanchalseyborgnty
| 2025-09-09T09:44:13Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"tenacious voracious panther",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:44:10Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- tenacious voracious panther
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
enrikhoxhat2/blockassist-bc-whiskered_reptilian_bison_1757411023
|
enrikhoxhat2
| 2025-09-09T09:43:50Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"whiskered reptilian bison",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:43:47Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- whiskered reptilian bison
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
misaeluoyz/blockassist-bc-bipedal_soaring_porcupine_1757410939
|
misaeluoyz
| 2025-09-09T09:42:26Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"bipedal soaring porcupine",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:42:24Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- bipedal soaring porcupine
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kavpro/blockassist-bc-tall_lively_caribou_1757410877
|
kavpro
| 2025-09-09T09:42:15Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"tall lively caribou",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:42:00Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- tall lively caribou
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
neylanduoh/blockassist-bc-prehistoric_iridescent_puffin_1757410896
|
neylanduoh
| 2025-09-09T09:41:43Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"prehistoric iridescent puffin",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:41:40Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- prehistoric iridescent puffin
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
dhisowyeioe85373/blockassist-bc-reptilian_arctic_lemur_1757410863
|
dhisowyeioe85373
| 2025-09-09T09:41:17Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"reptilian arctic lemur",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:41:13Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- reptilian arctic lemur
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
vicky710/tinyllama-mental-health-lora
|
vicky710
| 2025-09-09T09:40:30Z | 152 | 0 |
peft
|
[
"peft",
"safetensors",
"base_model:adapter:TinyLlama/TinyLlama-1.1B-Chat-v1.0",
"lora",
"transformers",
"text-generation",
"conversational",
"base_model:TinyLlama/TinyLlama-1.1B-Chat-v1.0",
"license:apache-2.0",
"region:us"
] |
text-generation
| 2025-08-28T11:06:54Z |
---
library_name: peft
license: apache-2.0
base_model: TinyLlama/TinyLlama-1.1B-Chat-v1.0
tags:
- base_model:adapter:TinyLlama/TinyLlama-1.1B-Chat-v1.0
- lora
- transformers
pipeline_tag: text-generation
model-index:
- name: tinyllama-mental-health-lora
results: []
---
<!-- This model card has been generated automatically according to the information the Trainer had access to. You
should probably proofread and complete it, then remove this comment. -->
# tinyllama-mental-health-lora
This model is a fine-tuned version of [TinyLlama/TinyLlama-1.1B-Chat-v1.0](https://huggingface.co/TinyLlama/TinyLlama-1.1B-Chat-v1.0) 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.0002
- train_batch_size: 2
- eval_batch_size: 8
- seed: 42
- gradient_accumulation_steps: 8
- total_train_batch_size: 16
- optimizer: Use OptimizerNames.ADAMW_TORCH with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments
- lr_scheduler_type: linear
- num_epochs: 5
### Training results
### Framework versions
- PEFT 0.17.0
- Transformers 4.54.1
- Pytorch 2.7.1+cu118
- Datasets 4.0.0
- Tokenizers 0.21.4
|
ruizrileyselby/blockassist-bc-reclusive_hibernating_buffalo_1757410817
|
ruizrileyselby
| 2025-09-09T09:40:25Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"reclusive hibernating buffalo",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:40:22Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- reclusive hibernating buffalo
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
iyaadshikder1546/blockassist-bc-pensive_agile_bee_1757410788
|
iyaadshikder1546
| 2025-09-09T09:39:57Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"pensive agile bee",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:39:54Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- pensive agile bee
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
NahedDom/blockassist-bc-flapping_stocky_leopard_1757408586
|
NahedDom
| 2025-09-09T09:39:51Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"flapping stocky leopard",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:39:47Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- flapping stocky leopard
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
perrybaines/blockassist-bc-secretive_sneaky_toad_1757410672
|
perrybaines
| 2025-09-09T09:38:41Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"secretive sneaky toad",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:38:38Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- secretive sneaky toad
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Shekharmeena/Orpheus_TTS_Hindi_MultiSpeaker
|
Shekharmeena
| 2025-09-09T09:38:11Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"llama",
"text-generation",
"text-generation-inference",
"unsloth",
"conversational",
"en",
"base_model:canopylabs/3b-hi-ft-research_release",
"base_model:finetune:canopylabs/3b-hi-ft-research_release",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2025-09-09T09:33:56Z |
---
base_model: canopylabs/3b-hi-ft-research_release
tags:
- text-generation-inference
- transformers
- unsloth
- llama
license: apache-2.0
language:
- en
---
# Uploaded finetuned model
- **Developed by:** Shekharmeena
- **License:** apache-2.0
- **Finetuned from model :** canopylabs/3b-hi-ft-research_release
This llama model was trained 2x faster with [Unsloth](https://github.com/unslothai/unsloth) and Huggingface's TRL library.
[<img src="https://raw.githubusercontent.com/unslothai/unsloth/main/images/unsloth%20made%20with%20love.png" width="200"/>](https://github.com/unslothai/unsloth)
|
elip3250/blockassist-bc-squinting_smooth_spider_1757410627
|
elip3250
| 2025-09-09T09:37:50Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"squinting smooth spider",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:37:43Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- squinting smooth spider
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
manninggerald8/blockassist-bc-sleek_bellowing_alligator_1757410642
|
manninggerald8
| 2025-09-09T09:37:34Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"sleek bellowing alligator",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:37:31Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- sleek bellowing alligator
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
chilkevanjuta/blockassist-bc-bristly_snorting_capybara_1757410617
|
chilkevanjuta
| 2025-09-09T09:37:05Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"bristly snorting capybara",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:37:02Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- bristly snorting capybara
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Miracle-man/blockassist-bc-singing_lithe_koala_1757408513
|
Miracle-man
| 2025-09-09T09:36:05Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"singing lithe koala",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:36:02Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- singing lithe koala
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
storkkarinaeldawx/blockassist-bc-snorting_majestic_condor_1757410502
|
storkkarinaeldawx
| 2025-09-09T09:35:09Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"snorting majestic condor",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:35:06Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- snorting majestic condor
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
mcbridepollakdq/blockassist-bc-armored_cunning_armadillo_1757410475
|
mcbridepollakdq
| 2025-09-09T09:34:43Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"armored cunning armadillo",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:34:40Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- armored cunning armadillo
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
aaronjethlivishena/blockassist-bc-quick_sneaky_mule_1757410440
|
aaronjethlivishena
| 2025-09-09T09:34:18Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"quick sneaky mule",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:34:13Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- quick sneaky mule
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kohido/mesh500_1024_vqvae_mhvq
|
kohido
| 2025-09-09T09:32:51Z | 0 | 0 | null |
[
"safetensors",
"model_hub_mixin",
"pytorch_model_hub_mixin",
"image-to-image",
"license:mit",
"region:us"
] |
image-to-image
| 2025-09-09T09:32:50Z |
---
license: mit
pipeline_tag: image-to-image
tags:
- model_hub_mixin
- pytorch_model_hub_mixin
---
This model has been pushed to the Hub using the [PytorchModelHubMixin](https://huggingface.co/docs/huggingface_hub/package_reference/mixins#huggingface_hub.PyTorchModelHubMixin) integration:
- Code: https://github.com/KhoiDOO/vitvqganvae
- Paper: [More Information Needed]
- Docs: https://github.com/KhoiDOO/vitvqganvae
|
hartsellbrian/blockassist-bc-pawing_wiry_bee_1757410342
|
hartsellbrian
| 2025-09-09T09:32:35Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"pawing wiry bee",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:32:31Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- pawing wiry bee
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
aronlg/blockassist-bc-wiry_insectivorous_bat_1757410262
|
aronlg
| 2025-09-09T09:32:06Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"wiry insectivorous bat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:31:59Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- wiry insectivorous bat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kafa22/blockassist-bc-regal_leggy_hummingbird_1757410166
|
kafa22
| 2025-09-09T09:30:06Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"regal leggy hummingbird",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:30:03Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- regal leggy hummingbird
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
minishlab/potion-base-8M
|
minishlab
| 2025-09-09T09:30:00Z | 184,112 | 68 |
model2vec
|
[
"model2vec",
"onnx",
"safetensors",
"embeddings",
"static-embeddings",
"mteb",
"sentence-transformers",
"license:mit",
"region:us"
] | null | 2024-10-29T09:35:47Z |
---
library_name: model2vec
license: mit
tags:
- embeddings
- static-embeddings
- mteb
- sentence-transformers
---
# potion-base-8M Model Card
<div align="center">
<img width="35%" alt="Model2Vec logo" src="https://raw.githubusercontent.com/MinishLab/model2vec/main/assets/images/logo_v2.png">
</div>
This [Model2Vec](https://github.com/MinishLab/model2vec) model is pre-trained using [Tokenlearn](https://github.com/MinishLab/tokenlearn). It is a distilled version of the [baai/bge-base-en-v1.5](https://huggingface.co/baai/bge-base-en-v1.5) Sentence Transformer. It uses static embeddings, allowing text embeddings to be computed orders of magnitude faster on both GPU and CPU. It is designed for applications where computational resources are limited or where real-time performance is critical.
## Installation
Install model2vec using pip:
```
pip install model2vec
```
## Usage
Load this model using the `from_pretrained` method:
```python
from model2vec import StaticModel
# Load a pretrained Model2Vec model
model = StaticModel.from_pretrained("minishlab/potion-base-8M")
# Compute text embeddings
embeddings = model.encode(["Example sentence"])
```
## How it works
Model2vec creates a small, static model that outperforms other static embedding models by a large margin on all tasks on [MTEB](https://huggingface.co/spaces/mteb/leaderboard). This model is pre-trained using [Tokenlearn](https://github.com/MinishLab/tokenlearn). It's created using the following steps:
- Distillation: first, a model is distilled from a sentence transformer model using Model2Vec.
- Training data creation: the sentence transformer model is used to create training data by creating mean output embeddings on a large corpus.
- Training: the distilled model is trained on the training data using Tokenlearn.
- Post-training re-regularization: after training, the model is re-regularized by weighting the tokens based on their frequency, applying PCA, and finally applying [SIF weighting](https://openreview.net/pdf?id=SyK00v5xx).
The results for this model can be found on the [Model2Vec results page](https://github.com/MinishLab/model2vec/blob/main/results/README.md).
## Additional Resources
- [All Model2Vec models on the hub](https://huggingface.co/models?library=model2vec)
- [Model2Vec Repo](https://github.com/MinishLab/model2vec)
- [Tokenlearn repo](https://github.com/MinishLab/tokenlearn)
- [Model2Vec Results](https://github.com/MinishLab/model2vec/blob/main/results/README.md)
- [Model2Vec Tutorials](https://github.com/MinishLab/model2vec/tree/main/tutorials)
## Library Authors
Model2Vec was developed by the [Minish Lab](https://github.com/MinishLab) team consisting of [Stephan Tulkens](https://github.com/stephantul) and [Thomas van Dongen](https://github.com/Pringled).
## Citation
Please cite the [Model2Vec repository](https://github.com/MinishLab/model2vec) if you use this model in your work.
```
@software{minishlab2024model2vec,
authors = {Stephan Tulkens, Thomas van Dongen},
title = {Model2Vec: Turn any Sentence Transformer into a Small Fast Model},
year = {2024},
url = {https://github.com/MinishLab/model2vec},
}
```
|
sapwkbszbskospw/blockassist-bc-bold_scavenging_nightingale_1757410180
|
sapwkbszbskospw
| 2025-09-09T09:29:48Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"bold scavenging nightingale",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:29:45Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- bold scavenging nightingale
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
katanyasekolah/blockassist-bc-silky_sprightly_cassowary_1757408361
|
katanyasekolah
| 2025-09-09T09:29:09Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"silky sprightly cassowary",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:29:06Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- silky sprightly cassowary
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
thuEcstasy1/deepseek-r1-distill-qwen-1.5b-sparsesparse
|
thuEcstasy1
| 2025-09-09T09:29:06Z | 0 | 0 | null |
[
"license:apache-2.0",
"region:us"
] | null | 2025-09-09T09:29:06Z |
---
license: apache-2.0
---
|
elip3250/blockassist-bc-squinting_smooth_spider_1757410047
|
elip3250
| 2025-09-09T09:28:14Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"squinting smooth spider",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:28:05Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- squinting smooth spider
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
taniyatoha637/blockassist-bc-eager_flapping_anaconda_1757410084
|
taniyatoha637
| 2025-09-09T09:28:11Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"eager flapping anaconda",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:28:08Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- eager flapping anaconda
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
aleebaster/blockassist-bc-sly_eager_boar_1757408623
|
aleebaster
| 2025-09-09T09:27:33Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"sly eager boar",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:27:26Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- sly eager boar
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
omerbkts/blockassist-bc-keen_fast_giraffe_1757410024
|
omerbkts
| 2025-09-09T09:27:26Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"keen fast giraffe",
"arxiv:2504.07091",
"region:us"
] | null | 2025-09-09T09:27:22Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- keen fast giraffe
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Subsets and Splits
Filtered Qwen2.5 Distill Models
Identifies specific configurations of models by filtering cards that contain 'distill', 'qwen2.5', '7b' while excluding certain base models and incorrect model ID patterns, uncovering unique model variants.
Filtered Model Cards Count
Finds the count of entries with specific card details that include 'distill', 'qwen2.5', '7b' but exclude certain base models, revealing valuable insights about the dataset's content distribution.
Filtered Distill Qwen 7B Models
Filters for specific card entries containing 'distill', 'qwen', and '7b', excluding certain strings and patterns, to identify relevant model configurations.
Filtered Qwen-7b Model Cards
The query performs a detailed filtering based on specific keywords and excludes certain entries, which could be useful for identifying a specific subset of cards but does not provide deeper insights or trends.
Filtered Qwen 7B Model Cards
The query filters for specific terms related to "distilled" or "distill", "qwen", and "7b" in the 'card' column but excludes certain base models, providing a limited set of entries for further inspection.
Qwen 7B Distilled Models
The query provides a basic filtering of records to find specific card names that include keywords related to distilled Qwen 7b models, excluding a particular base model, which gives limited insight but helps in focusing on relevant entries.
Qwen 7B Distilled Model Cards
The query filters data based on specific keywords in the modelId and card fields, providing limited insight primarily useful for locating specific entries rather than revealing broad patterns or trends.
Qwen 7B Distilled Models
Finds all entries containing the terms 'distilled', 'qwen', and '7b' in a case-insensitive manner, providing a filtered set of records but without deeper analysis.
Distilled Qwen 7B Models
The query filters for specific model IDs containing 'distilled', 'qwen', and '7b', providing a basic retrieval of relevant entries but without deeper analysis or insight.
Filtered Model Cards with Distill Qwen2.
Filters and retrieves records containing specific keywords in the card description while excluding certain phrases, providing a basic count of relevant entries.
Filtered Model Cards with Distill Qwen 7
The query filters specific variations of card descriptions containing 'distill', 'qwen', and '7b' while excluding a particular base model, providing limited but specific data retrieval.
Distill Qwen 7B Model Cards
The query filters and retrieves rows where the 'card' column contains specific keywords ('distill', 'qwen', and '7b'), providing a basic filter result that can help in identifying specific entries.