modelId
string | author
string | last_modified
timestamp[us, tz=UTC] | downloads
int64 | likes
int64 | library_name
string | tags
list | pipeline_tag
string | createdAt
timestamp[us, tz=UTC] | card
string |
---|---|---|---|---|---|---|---|---|---|
kapalbalap/blockassist-bc-peaceful_wary_owl_1756069227
|
kapalbalap
| 2025-08-24T21:01:24Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"peaceful wary owl",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T21:01:18Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- peaceful wary owl
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
fbaldassarri/EleutherAI_pythia-12b-deduped-autogptq-int4-gs64-asym
|
fbaldassarri
| 2025-08-24T20:59:33Z | 0 | 0 | null |
[
"safetensors",
"gpt_neox",
"pytorch",
"causal-lm",
"pythia",
"autoround",
"intel-autoround",
"auto-round",
"intel",
"woq",
"gptq",
"auto-gptq",
"autogptq",
"eleutheraI",
"text-generation",
"en",
"dataset:EleutherAI/pile",
"base_model:EleutherAI/pythia-12b-deduped",
"base_model:quantized:EleutherAI/pythia-12b-deduped",
"license:apache-2.0",
"4-bit",
"region:us"
] |
text-generation
| 2025-08-24T20:35:36Z |
---
language:
- en
tags:
- pytorch
- causal-lm
- pythia
- autoround
- intel-autoround
- auto-round
- intel
- woq
- gptq
- auto-gptq
- autogptq
- eleutheraI
license: apache-2.0
model_name: Pythia 12b deduped
base_model: EleutherAI/pythia-12b-deduped
inference: false
model_creator: EleutherAI
datasets:
- EleutherAI/pile
pipeline_tag: text-generation
prompt_template: '{prompt}
'
quantized_by: fbaldassarri
---
## Model Information
Quantized version of [EleutherAI/pythia-12b-deduped](https://huggingface.co/fbaldassarri/EleutherAI/pythia-12b-deduped) using torch.float32 for quantization tuning.
- 4 bits (INT4)
- group size = 64
- Asymmetrical Quantization
- Method WoQ: GPTQ (AutoGPTQ algorithm)
Quantization framework: [Intel AutoRound](https://github.com/intel/auto-round) v0.5.1
Note: this INT4 version of pythia-12b-deduped has been quantized to run inference through CPU.
## Replication Recipe
### Step 1 Install Requirements
I suggest to install requirements into a dedicated python-virtualenv or a conda enviroment.
```
wget https://github.com/intel/auto-round/archive/refs/tags/v0.5.1.tar.gz
tar -xvzf v0.5.1.tar.gz
cd auto-round-0.5.1
pip install -r requirements-cpu.txt --upgrade
```
### Step 2 Build Intel AutoRound wheel from sources
```
pip install -vvv --no-build-isolation -e .[cpu]
```
### Step 3 Script for Quantization
```
from transformers import AutoModelForCausalLM, AutoTokenizer
model_name = "EleutherAI/pythia-12b-deduped"
model = AutoModelForCausalLM.from_pretrained(model_name)
tokenizer = AutoTokenizer.from_pretrained(model_name)
from auto_round import AutoRound
bits, group_size, sym, device, amp = 4, 64, False, 'cpu', False
autoround = AutoRound(model, tokenizer, nsamples=128, iters=200, seqlen=512, batch_size=4, bits=bits, group_size=group_size, sym=sym, device=device, amp=amp)
autoround.quantize()
output_dir = "./AutoRound/EleutherAI_pythia-12b-deduped-autogptq-int4-gs64-asym"
autoround.save_quantized(output_dir, format='auto_gptq', inplace=True)
```
## License
[Apache 2.0 License](https://choosealicense.com/licenses/apache-2.0/)
## Disclaimer
This quantized model comes with no warrenty. It has been developed only for research purposes.
|
Dejiat/blockassist-bc-savage_unseen_bobcat_1756069147
|
Dejiat
| 2025-08-24T20:59:30Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"savage unseen bobcat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:59:29Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- savage unseen bobcat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Jinyu220/gaze_model_av_aloha_real_insert_peg
|
Jinyu220
| 2025-08-24T20:59:04Z | 0 | 0 | null |
[
"safetensors",
"model_hub_mixin",
"pytorch_model_hub_mixin",
"region:us"
] | null | 2025-08-24T20:58:55Z |
---
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: [More Information Needed]
- Paper: [More Information Needed]
- Docs: [More Information Needed]
|
hakimjustbao/blockassist-bc-raging_subtle_wasp_1756067405
|
hakimjustbao
| 2025-08-24T20:58:33Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"raging subtle wasp",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:58:29Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- raging subtle wasp
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kapalbalap/blockassist-bc-peaceful_wary_owl_1756069053
|
kapalbalap
| 2025-08-24T20:58:32Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"peaceful wary owl",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:58:27Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- peaceful wary owl
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
ggozzy/blockassist-bc-stubby_yapping_mandrill_1756069023
|
ggozzy
| 2025-08-24T20:58:22Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"stubby yapping mandrill",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:58:11Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- stubby yapping mandrill
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
mohda/blockassist-bc-regal_fierce_hummingbird_1756069015
|
mohda
| 2025-08-24T20:58:05Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"regal fierce hummingbird",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:57:58Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- regal fierce hummingbird
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
caragones/ppo-lunarlander-best
|
caragones
| 2025-08-24T20:57:59Z | 0 | 0 |
stable-baselines3
|
[
"stable-baselines3",
"tensorboard",
"LunarLander-v2",
"deep-reinforcement-learning",
"reinforcement-learning",
"ppo",
"gymnasium",
"license:mit",
"model-index",
"region:us"
] |
reinforcement-learning
| 2025-08-24T18:59:32Z |
---
library_name: stable-baselines3
tags:
- LunarLander-v2
- deep-reinforcement-learning
- reinforcement-learning
- stable-baselines3
- ppo
- gymnasium
license: mit
model-index:
- name: PPO
results:
- task:
type: reinforcement-learning
name: reinforcement-learning
dataset:
name: LunarLander-v2
type: LunarLander-v2
metrics:
- type: mean_reward
name: mean_reward
value: 281.60 +/- 18.90
verified: false
---
# PPO on LunarLander-v2 (best checkpoint)
Trained with Stable-Baselines3 (PPO). VecNormalize stats per checkpoint were not preserved;
evaluation may differ slightly across machines.
## Files
- `best_model.zip`: SB3 model (policy + hyperparameters)
- `vecnormalize.pkl`: (optional) observation-normalization stats, if available
## Quick usage
```python
import gymnasium as gym
from stable_baselines3 import PPO
from stable_baselines3.common.monitor import Monitor
from stable_baselines3.common.vec_env import DummyVecEnv, VecNormalize
def make_env(seed=0):
def _init():
env = gym.make("LunarLander-v2")
env.reset(seed=seed)
return Monitor(env)
return _init
venv = DummyVecEnv([make_env(1234)])
try:
env = VecNormalize.load("vecnormalize.pkl", venv)
except Exception:
env = VecNormalize(venv, norm_obs=True, norm_reward=False, clip_obs=10.0)
env.training = False
env.norm_reward = False
model = PPO.load("best_model.zip", env=env, device="cpu")
```
|
aleebaster/blockassist-bc-sly_eager_boar_1756067518
|
aleebaster
| 2025-08-24T20:57:42Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"sly eager boar",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:57:34Z |
---
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).
|
IvanJAjebu/blockassist-bc-thorny_slender_capybara_1756068989
|
IvanJAjebu
| 2025-08-24T20:57:39Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"thorny slender capybara",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:57:30Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- thorny slender capybara
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
motza0025/blockassist-bc-slithering_stalking_otter_1756067786
|
motza0025
| 2025-08-24T20:55:51Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"slithering stalking otter",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:55:38Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- slithering stalking otter
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
gdfgomfgmfl/blockassist-bc-peaceful_deadly_sloth_1756068393
|
gdfgomfgmfl
| 2025-08-24T20:55:22Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"peaceful deadly sloth",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:55:15Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- peaceful deadly sloth
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
ihsanridzi/blockassist-bc-wiry_flexible_owl_1756067234
|
ihsanridzi
| 2025-08-24T20:54:29Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"wiry flexible owl",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:54:25Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- wiry flexible owl
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
ggozzy/blockassist-bc-stubby_yapping_mandrill_1756068785
|
ggozzy
| 2025-08-24T20:54:26Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"stubby yapping mandrill",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:54:19Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- stubby yapping mandrill
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
eusuf01/blockassist-bc-smooth_humming_butterfly_1756068785
|
eusuf01
| 2025-08-24T20:53:50Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"smooth humming butterfly",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:53:41Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- smooth humming butterfly
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Dejiat/blockassist-bc-savage_unseen_bobcat_1756068787
|
Dejiat
| 2025-08-24T20:53:34Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"savage unseen bobcat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:53:31Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- savage unseen bobcat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
liukevin666/blockassist-bc-yawning_striped_cassowary_1756068703
|
liukevin666
| 2025-08-24T20:53:05Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"yawning striped cassowary",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:52:37Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- yawning striped cassowary
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Mostefa-Terbeche/diabetic-retinopathy-messidor-efficientnet_b3-original-20250722-023925
|
Mostefa-Terbeche
| 2025-08-24T20:52:51Z | 0 | 0 | null |
[
"diabetic-retinopathy",
"medical-imaging",
"pytorch",
"computer-vision",
"retinal-imaging",
"dataset:messidor",
"license:apache-2.0",
"model-index",
"region:us"
] | null | 2025-08-24T20:29:15Z |
---
license: apache-2.0
tags:
- diabetic-retinopathy
- medical-imaging
- pytorch
- computer-vision
- retinal-imaging
datasets:
- messidor
metrics:
- accuracy
- quadratic-kappa
- auc
model-index:
- name: messidor_efficientnet_b3_original
results:
- task:
type: image-classification
name: Diabetic Retinopathy Classification
dataset:
type: messidor
name: MESSIDOR
metrics:
- type: accuracy
value: 0.3045977011494253
- type: quadratic-kappa
value: 0.5965996908809892
---
# Diabetic Retinopathy Classification Model
## Model Description
This model is trained for diabetic retinopathy classification using the efficientnet_b3 architecture on the messidor dataset with original preprocessing.
## Model Details
- **Architecture**: efficientnet_b3
- **Dataset**: messidor
- **Preprocessing**: original
- **Training Date**: 20250722-023925
- **Task**: 5-class diabetic retinopathy grading (0-4)
- **Directory**: messidor_efficientnet_b3_20250722-023925_new
## Performance
- **Test Accuracy**: 0.3045977011494253
- **Test Quadratic Kappa**: 0.5965996908809892
- **Validation Kappa**: 0.5965996908809892
## Usage
```python
import torch
from huggingface_hub import hf_hub_download
# Download model
model_path = hf_hub_download(
repo_id="your-username/diabetic-retinopathy-messidor-efficientnet_b3-original",
filename="model_best.pt"
)
# Load model
model = torch.load(model_path, map_location='cpu')
```
## Classes
- 0: No DR (No diabetic retinopathy)
- 1: Mild DR (Mild non-proliferative diabetic retinopathy)
- 2: Moderate DR (Moderate non-proliferative diabetic retinopathy)
- 3: Severe DR (Severe non-proliferative diabetic retinopathy)
- 4: Proliferative DR (Proliferative diabetic retinopathy)
## Citation
If you use this model, please cite your research paper/thesis.
|
Fentible/Cthulhu-24B-v1.3-GGUF
|
Fentible
| 2025-08-24T20:51:49Z | 42 | 0 |
transformers
|
[
"transformers",
"gguf",
"mergekit",
"merge",
"text-generation",
"en",
"base_model:Darkhn/M3.2-24B-Animus-V7.1",
"base_model:merge:Darkhn/M3.2-24B-Animus-V7.1",
"base_model:Delta-Vector/Austral-24B-Winton",
"base_model:merge:Delta-Vector/Austral-24B-Winton",
"base_model:Delta-Vector/MS3.2-Austral-Winton",
"base_model:merge:Delta-Vector/MS3.2-Austral-Winton",
"base_model:Doctor-Shotgun/MS3.2-24B-Magnum-Diamond",
"base_model:merge:Doctor-Shotgun/MS3.2-24B-Magnum-Diamond",
"base_model:PocketDoc/Dans-PersonalityEngine-V1.3.0-24b",
"base_model:merge:PocketDoc/Dans-PersonalityEngine-V1.3.0-24b",
"base_model:ReadyArt/MS3.2-The-Omega-Directive-24B-Unslop-v2.1",
"base_model:merge:ReadyArt/MS3.2-The-Omega-Directive-24B-Unslop-v2.1",
"base_model:SicariusSicariiStuff/Impish_Magic_24B",
"base_model:merge:SicariusSicariiStuff/Impish_Magic_24B",
"base_model:TheDrummer/Cydonia-24B-v4.1",
"base_model:merge:TheDrummer/Cydonia-24B-v4.1",
"base_model:aixonlab/Eurydice-24b-v3.5",
"base_model:merge:aixonlab/Eurydice-24b-v3.5",
"base_model:allura-forge/ms32-final-TEXTONLY",
"base_model:merge:allura-forge/ms32-final-TEXTONLY",
"base_model:anthracite-core/Mistral-Small-3.2-24B-Instruct-2506-Text-Only",
"base_model:merge:anthracite-core/Mistral-Small-3.2-24B-Instruct-2506-Text-Only",
"base_model:trashpanda-org/MS3.2-24B-Mullein-v2",
"base_model:merge:trashpanda-org/MS3.2-24B-Mullein-v2",
"base_model:zerofata/MS3.2-PaintedFantasy-v2-24B",
"base_model:merge:zerofata/MS3.2-PaintedFantasy-v2-24B",
"license:apache-2.0",
"endpoints_compatible",
"region:us",
"imatrix",
"conversational"
] |
text-generation
| 2025-08-22T08:41:19Z |
---
base_model:
- anthracite-core/Mistral-Small-3.2-24B-Instruct-2506-Text-Only
- aixonlab/Eurydice-24b-v3.5
- allura-forge/ms32-final-TEXTONLY
- Darkhn/M3.2-24B-Animus-V7.1
- Delta-Vector/Austral-24B-Winton
- Delta-Vector/MS3.2-Austral-Winton
- Doctor-Shotgun/MS3.2-24B-Magnum-Diamond
- PocketDoc/Dans-PersonalityEngine-V1.3.0-24b
- ReadyArt/MS3.2-The-Omega-Directive-24B-Unslop-v2.1
- SicariusSicariiStuff/Impish_Magic_24B
- TheDrummer/Cydonia-24B-v4.1
- trashpanda-org/MS3.2-24B-Mullein-v2
- zerofata/MS3.2-PaintedFantasy-v2-24B
emoji: 🐙
language:
- en
library_name: transformers
license: apache-2.0
tags:
- mergekit
- merge
pipeline_tag: text-generation
---
# 🐙 Cthulhu 24B 1.3 GGUF
> Prepare to delve into the depths of language model fusion with Cthulhu, a monumental model merge based on Mistral Small v3.2 (2506) and Mistral Small v3.1 (2503). This ambitious project aims to synthesize the collective intelligence of the latest cutting-edge finetunes of Mistral Small, creating a "supermerge" that transcends the capabilities of any single iteration.
Experimental update to Cthulhu series. I did not compare 1.3 to previous versions yet, but it aims to be more RP-oriented.
```
base_model: anthracite-core/Mistral-Small-3.2-24B-Instruct-2506-Text-Only
merge_method: dare_ties
architecture: MistralForCausalLM
dtype: bfloat16
models:
- model: aixonlab/Eurydice-24b-v3.5
parameters:
density: 0.4
weight: 0.05
- model: allura-forge/ms32-final-TEXTONLY
parameters:
density: 0.5
weight: 0.1
- model: Darkhn/M3.2-24B-Animus-V7.1
parameters:
density: 0.5
weight: 0.1
- model: Delta-Vector/Austral-24B-Winton
parameters:
density: 0.4
weight: 0.05
- model: Delta-Vector/MS3.2-Austral-Winton
parameters:
density: 0.5
weight: 0.1
- model: Doctor-Shotgun/MS3.2-24B-Magnum-Diamond
parameters:
density: 0.5
weight: 0.1
- model: PocketDoc/Dans-PersonalityEngine-V1.3.0-24b
parameters:
density: 0.4
weight: 0.05
- model: ReadyArt/MS3.2-The-Omega-Directive-24B-Unslop-v2.1
parameters:
density: 0.5
weight: 0.1
- model: SicariusSicariiStuff/Impish_Magic_24B
parameters:
density: 0.5
weight: 0.1
- model: TheDrummer/Cydonia-24B-v4.1
parameters:
density: 0.5
weight: 0.1
- model: trashpanda-org/MS3.2-24B-Mullein-v2
parameters:
density: 0.4
weight: 0.05
- model: zerofata/MS3.2-PaintedFantasy-v2-24B
parameters:
density: 0.5
weight: 0.1
tokenizer:
source: union
chat_template: auto
```

|
IvanJAjebu/blockassist-bc-thorny_slender_capybara_1756068583
|
IvanJAjebu
| 2025-08-24T20:50:56Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"thorny slender capybara",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:50:46Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- thorny slender capybara
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Dejiat/blockassist-bc-savage_unseen_bobcat_1756068629
|
Dejiat
| 2025-08-24T20:50:55Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"savage unseen bobcat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:50:52Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- savage unseen bobcat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
hardlyworking/Aura_24B-Q4_K_M-GGUF
|
hardlyworking
| 2025-08-24T20:49:17Z | 0 | 0 |
transformers
|
[
"transformers",
"gguf",
"mergekit",
"merge",
"llama-cpp",
"gguf-my-repo",
"base_model:hardlyworking/Aura_24B",
"base_model:quantized:hardlyworking/Aura_24B",
"endpoints_compatible",
"region:us"
] | null | 2025-08-24T20:48:14Z |
---
base_model: hardlyworking/Aura_24B
library_name: transformers
tags:
- mergekit
- merge
- llama-cpp
- gguf-my-repo
---
# hardlyworking/Aura_24B-Q4_K_M-GGUF
This model was converted to GGUF format from [`hardlyworking/Aura_24B`](https://huggingface.co/hardlyworking/Aura_24B) using llama.cpp via the ggml.ai's [GGUF-my-repo](https://huggingface.co/spaces/ggml-org/gguf-my-repo) space.
Refer to the [original model card](https://huggingface.co/hardlyworking/Aura_24B) for more details on the model.
## Use with llama.cpp
Install llama.cpp through brew (works on Mac and Linux)
```bash
brew install llama.cpp
```
Invoke the llama.cpp server or the CLI.
### CLI:
```bash
llama-cli --hf-repo hardlyworking/Aura_24B-Q4_K_M-GGUF --hf-file aura_24b-q4_k_m.gguf -p "The meaning to life and the universe is"
```
### Server:
```bash
llama-server --hf-repo hardlyworking/Aura_24B-Q4_K_M-GGUF --hf-file aura_24b-q4_k_m.gguf -c 2048
```
Note: You can also use this checkpoint directly through the [usage steps](https://github.com/ggerganov/llama.cpp?tab=readme-ov-file#usage) listed in the Llama.cpp repo as well.
Step 1: Clone llama.cpp from GitHub.
```
git clone https://github.com/ggerganov/llama.cpp
```
Step 2: Move into the llama.cpp folder and build it with `LLAMA_CURL=1` flag along with other hardware-specific flags (for ex: LLAMA_CUDA=1 for Nvidia GPUs on Linux).
```
cd llama.cpp && LLAMA_CURL=1 make
```
Step 3: Run inference through the main binary.
```
./llama-cli --hf-repo hardlyworking/Aura_24B-Q4_K_M-GGUF --hf-file aura_24b-q4_k_m.gguf -p "The meaning to life and the universe is"
```
or
```
./llama-server --hf-repo hardlyworking/Aura_24B-Q4_K_M-GGUF --hf-file aura_24b-q4_k_m.gguf -c 2048
```
|
kapalbalap/blockassist-bc-peaceful_wary_owl_1756068448
|
kapalbalap
| 2025-08-24T20:48:12Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"peaceful wary owl",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:48:07Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- peaceful wary owl
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
canoplos112/blockassist-bc-yapping_sleek_squirrel_1756068322
|
canoplos112
| 2025-08-24T20:47:19Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"yapping sleek squirrel",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:46:00Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- yapping sleek squirrel
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Dejiat/blockassist-bc-savage_unseen_bobcat_1756068400
|
Dejiat
| 2025-08-24T20:47:05Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"savage unseen bobcat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:47:03Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- savage unseen bobcat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
unitova/blockassist-bc-zealous_sneaky_raven_1756066710
|
unitova
| 2025-08-24T20:46:32Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"zealous sneaky raven",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:46:28Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- zealous sneaky raven
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
ggozzy/blockassist-bc-stubby_yapping_mandrill_1756068306
|
ggozzy
| 2025-08-24T20:46:21Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"stubby yapping mandrill",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:46:15Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- stubby yapping mandrill
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
rafsya427/blockassist-bc-monstrous_bristly_chimpanzee_1756066828
|
rafsya427
| 2025-08-24T20:46:19Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"monstrous bristly chimpanzee",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:46:15Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- monstrous bristly chimpanzee
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
dssddffhhnn/blockassist-bc-twitchy_foxy_iguana_1756067767
|
dssddffhhnn
| 2025-08-24T20:45:53Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"twitchy foxy iguana",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:45:47Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- twitchy foxy iguana
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
coelacanthxyz/blockassist-bc-finicky_thriving_grouse_1756066688
|
coelacanthxyz
| 2025-08-24T20:44:50Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"finicky thriving grouse",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:44:44Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- finicky thriving grouse
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Holaviola/blockassist-bc-armored_bipedal_coyote_1756063378
|
Holaviola
| 2025-08-24T20:44:31Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"armored bipedal coyote",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:44:23Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- armored bipedal coyote
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
ggozzy/blockassist-bc-stubby_yapping_mandrill_1756068067
|
ggozzy
| 2025-08-24T20:42:21Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"stubby yapping mandrill",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:42:16Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- stubby yapping mandrill
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Dejiat/blockassist-bc-savage_unseen_bobcat_1756068081
|
Dejiat
| 2025-08-24T20:41:48Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"savage unseen bobcat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:41:44Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- savage unseen bobcat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
pempekmangedd/blockassist-bc-patterned_sturdy_dolphin_1756066554
|
pempekmangedd
| 2025-08-24T20:41:17Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"patterned sturdy dolphin",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:41:14Z |
---
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).
|
koloni/blockassist-bc-deadly_graceful_stingray_1756066462
|
koloni
| 2025-08-24T20:40:19Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"deadly graceful stingray",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:40:16Z |
---
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).
|
dgambettaphd/M_mis_run2_gen2_WXS_doc1000_synt64_lr1e-04_acm_FRESH
|
dgambettaphd
| 2025-08-24T20:40:02Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"unsloth",
"arxiv:1910.09700",
"endpoints_compatible",
"region:us"
] | null | 2025-08-24T20:39:48Z |
---
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]
|
Dejiat/blockassist-bc-savage_unseen_bobcat_1756067914
|
Dejiat
| 2025-08-24T20:39:02Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"savage unseen bobcat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:38:58Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- savage unseen bobcat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
ggozzy/blockassist-bc-stubby_yapping_mandrill_1756067828
|
ggozzy
| 2025-08-24T20:38:21Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"stubby yapping mandrill",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:38:15Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- stubby yapping mandrill
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
mang3dd/blockassist-bc-tangled_slithering_alligator_1756066335
|
mang3dd
| 2025-08-24T20:38:01Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"tangled slithering alligator",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:37:57Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- tangled slithering alligator
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
sdfsdgsgdf/blockassist-bc-barky_snorting_dingo_1756067155
|
sdfsdgsgdf
| 2025-08-24T20:35:25Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"barky snorting dingo",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:35:19Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- barky snorting dingo
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
andrewmonostate/monostate-model-fa6e20a4
|
andrewmonostate
| 2025-08-24T20:33:31Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"generated_from_trainer",
"text-generation",
"fine-tuned",
"monostate",
"conversational",
"en",
"dataset:custom",
"base_model:unsloth/gemma-3-270m-it",
"base_model:finetune:unsloth/gemma-3-270m-it",
"license:apache-2.0",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2025-08-24T20:22:39Z |
---
license: apache-2.0
base_model: unsloth/gemma-3-270m-it
tags:
- generated_from_trainer
- text-generation
- fine-tuned
- monostate
datasets:
- custom
language:
- en
library_name: transformers
pipeline_tag: text-generation
---
# monostate-model-fa6e20a4
This model is a fine-tuned version of [unsloth/gemma-3-270m-it](https://huggingface.co/unsloth/gemma-3-270m-it).
## Model Description
This model was fine-tuned using the Monostate training platform with LoRA (Low-Rank Adaptation) for efficient training.
## Training Details
### Training Data
- Dataset size: 162 samples
- Training type: Supervised Fine-Tuning (SFT)
### Training Procedure
#### Training Hyperparameters
- Training regime: Mixed precision (fp16)
- Optimizer: AdamW
- LoRA rank: 128
- LoRA alpha: 128
- Target modules: q_proj, k_proj, v_proj, o_proj, gate_proj, up_proj, down_proj
#### Training Results
- Final loss: 1.132578730583191
- Training time: 0.63 minutes
- Generated on: 2025-08-24T13:22:39.258180
## Usage
```python
from transformers import AutoModelForCausalLM, AutoTokenizer
import torch
# Load model and tokenizer
model = AutoModelForCausalLM.from_pretrained("andrewmonostate/monostate-model-fa6e20a4")
tokenizer = AutoTokenizer.from_pretrained("andrewmonostate/monostate-model-fa6e20a4")
# Generate text
prompt = "Your prompt here"
inputs = tokenizer(prompt, return_tensors="pt")
with torch.no_grad():
outputs = model.generate(
**inputs,
max_new_tokens=256,
temperature=0.7,
do_sample=True,
top_p=0.95,
)
response = tokenizer.decode(outputs[0], skip_special_tokens=True)
print(response)
```
## Framework Versions
- Transformers: 4.40+
- PyTorch: 2.0+
- Datasets: 2.0+
- Tokenizers: 0.19+
## License
This model is licensed under the Apache 2.0 License.
## Citation
If you use this model, please cite:
```bibtex
@misc{andrewmonostate_monostate_model_fa6e20a4,
title={monostate-model-fa6e20a4},
author={Monostate},
year={2024},
publisher={HuggingFace},
url={https://huggingface.co/andrewmonostate/monostate-model-fa6e20a4}
}
```
## Training Platform
This model was trained using [Monostate](https://monostate.ai), an AI training and deployment platform.
|
IvanJAjebu/blockassist-bc-thorny_slender_capybara_1756067504
|
IvanJAjebu
| 2025-08-24T20:32:53Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"thorny slender capybara",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:32:44Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- thorny slender capybara
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kimweb3/blockassist-bc-camouflaged_sedate_pheasant_1756067530
|
kimweb3
| 2025-08-24T20:32:33Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"camouflaged sedate pheasant",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:32:29Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- camouflaged sedate pheasant
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
0xaoyama/blockassist-bc-muscular_zealous_gorilla_1756067509
|
0xaoyama
| 2025-08-24T20:32:15Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"muscular zealous gorilla",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:32:10Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- muscular zealous gorilla
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kapalbalap/blockassist-bc-peaceful_wary_owl_1756067400
|
kapalbalap
| 2025-08-24T20:30:58Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"peaceful wary owl",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:30:52Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- peaceful wary owl
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
ggozzy/blockassist-bc-stubby_yapping_mandrill_1756067349
|
ggozzy
| 2025-08-24T20:30:24Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"stubby yapping mandrill",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:30:18Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- stubby yapping mandrill
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kimweb3/blockassist-bc-camouflaged_sedate_pheasant_1756067395
|
kimweb3
| 2025-08-24T20:30:18Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"camouflaged sedate pheasant",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:30:14Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- camouflaged sedate pheasant
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
maxibillion1975/blockassist-bc-iridescent_squeaky_sandpiper_1756065727
|
maxibillion1975
| 2025-08-24T20:30:10Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"iridescent squeaky sandpiper",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:30:07Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- iridescent squeaky sandpiper
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Dejiat/blockassist-bc-savage_unseen_bobcat_1756067343
|
Dejiat
| 2025-08-24T20:29:30Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"savage unseen bobcat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:29:28Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- savage unseen bobcat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
reverieboss/blockassist-bc-carnivorous_tiny_coyote_1756067274
|
reverieboss
| 2025-08-24T20:28:50Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"carnivorous tiny coyote",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:28:33Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- carnivorous tiny coyote
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kimweb3/blockassist-bc-camouflaged_sedate_pheasant_1756067257
|
kimweb3
| 2025-08-24T20:28:03Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"camouflaged sedate pheasant",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:27:59Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- camouflaged sedate pheasant
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Ferdi3425/blockassist-bc-amphibious_deadly_otter_1756067243
|
Ferdi3425
| 2025-08-24T20:27:56Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"amphibious deadly otter",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:27:47Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- amphibious deadly otter
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
IvanJAjebu/blockassist-bc-thorny_slender_capybara_1756067204
|
IvanJAjebu
| 2025-08-24T20:27:52Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"thorny slender capybara",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:27:44Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- thorny slender capybara
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Dejiat/blockassist-bc-savage_unseen_bobcat_1756067132
|
Dejiat
| 2025-08-24T20:26:00Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"savage unseen bobcat",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:25:58Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- savage unseen bobcat
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kapalbalap/blockassist-bc-peaceful_wary_owl_1756067081
|
kapalbalap
| 2025-08-24T20:25:37Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"peaceful wary owl",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:25:31Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- peaceful wary owl
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
sjfsfdslmdfdf/blockassist-bc-stalking_hunting_hyena_1756066548
|
sjfsfdslmdfdf
| 2025-08-24T20:25:15Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"stalking hunting hyena",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:25:08Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- stalking hunting hyena
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
mohda/blockassist-bc-regal_fierce_hummingbird_1756066983
|
mohda
| 2025-08-24T20:24:06Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"regal fierce hummingbird",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:24:00Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- regal fierce hummingbird
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
adity12345/Roberta_coaid
|
adity12345
| 2025-08-24T20:23:49Z | 0 | 0 |
transformers
|
[
"transformers",
"tensorboard",
"safetensors",
"roberta",
"text-classification",
"generated_from_trainer",
"base_model:adity12345/Roberta_covert",
"base_model:finetune:adity12345/Roberta_covert",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text-classification
| 2025-08-24T20:23:39Z |
---
library_name: transformers
license: mit
base_model: adity12345/Roberta_covert
tags:
- generated_from_trainer
metrics:
- accuracy
- precision
- recall
- f1
model-index:
- name: Roberta_coaid
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. -->
# Roberta_coaid
This model is a fine-tuned version of [adity12345/Roberta_covert](https://huggingface.co/adity12345/Roberta_covert) on the None dataset.
It achieves the following results on the evaluation set:
- Loss: 0.2850
- Accuracy: 0.897
- Auc: 0.862
- Precision: 0.905
- Recall: 0.984
- F1: 0.943
- F1-macro: 0.721
- F1-micro: 0.897
- F1-weighted: 0.881
## Model description
More information needed
## Intended uses & limitations
More information needed
## Training and evaluation data
More information needed
## Training procedure
### Training hyperparameters
The following hyperparameters were used during training:
- learning_rate: 2e-05
- train_batch_size: 8
- eval_batch_size: 8
- seed: 42
- gradient_accumulation_steps: 4
- 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: 2
- mixed_precision_training: Native AMP
### Training results
| Training Loss | Epoch | Step | Validation Loss | Accuracy | Auc | Precision | Recall | F1 | F1-macro | F1-micro | F1-weighted |
|:-------------:|:------:|:----:|:---------------:|:--------:|:-----:|:---------:|:------:|:-----:|:--------:|:--------:|:-----------:|
| 1.1024 | 1.0638 | 50 | 0.2850 | 0.897 | 0.862 | 0.905 | 0.984 | 0.943 | 0.721 | 0.897 | 0.881 |
### Framework versions
- Transformers 4.55.2
- Pytorch 2.8.0+cu126
- Datasets 4.0.0
- Tokenizers 0.21.4
|
ND911/EclecticEuphoria_Project_Chimera
|
ND911
| 2025-08-24T20:22:41Z | 729 | 0 | null |
[
"gguf",
"base_model:black-forest-labs/FLUX.1-dev",
"base_model:quantized:black-forest-labs/FLUX.1-dev",
"license:apache-2.0",
"region:us"
] | null | 2025-07-13T23:20:04Z |
---
license: apache-2.0
base_model:
- shuttleai/shuttle-jaguar
- lodestones/Chroma
- black-forest-labs/FLUX.1-dev
---
## EclecticEuphoria_Project_Chimera 50
Chroma finally finished up it's training and here we are 50! So we have a 48, 50, Krea, Flux mixed in several ways and methods to blend them all together to be pretty universal in diversity, does NSFW, and use plain language or Danboruu tags work. Images should contain all metadata for workflows in comfyui. I did not create quants lower than Q4 as the quality really dropped off.

  
## EclecticEuphoria_Project_Chimera 48
Model has been updated with Chroma 48 and some small tweaks, No Flux.1-dev was used in this one.

## EclecticEuphoria_Project_Chimera - Initial Release
This is a mix model of shuttleai/shuttle-jaguar, lodestones/Chroma, and an unpublished Flux model. I wasn't expecting much, but was surprised by the results right out of the gate, so tossing it up here for funs. Doesn't do flux lora's tho, maybe chroma loras. I don't use loras much, not even sure if chroma loras exist. Can do NSFW, just not sure to what extreme as I don't do much NSFW stuff. Examples and WorkFlows available and all images should have workflow embedded




|
cborann/results
|
cborann
| 2025-08-24T20:22:38Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"bert",
"text-classification",
"generated_from_trainer",
"base_model:dbmdz/bert-base-turkish-cased",
"base_model:finetune:dbmdz/bert-base-turkish-cased",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text-classification
| 2025-08-24T12:58:44Z |
---
library_name: transformers
license: mit
base_model: dbmdz/bert-base-turkish-cased
tags:
- generated_from_trainer
model-index:
- name: results
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. -->
# results
This model is a fine-tuned version of [dbmdz/bert-base-turkish-cased](https://huggingface.co/dbmdz/bert-base-turkish-cased) on an unknown dataset.
It achieves the following results on the evaluation set:
- Loss: 0.4416
## Model description
More information needed
## Intended uses & limitations
More information needed
## Training and evaluation data
More information needed
## Training procedure
### Training hyperparameters
The following hyperparameters were used during training:
- learning_rate: 5e-05
- train_batch_size: 8
- eval_batch_size: 8
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 3
### Training results
| Training Loss | Epoch | Step | Validation Loss |
|:-------------:|:-----:|:----:|:---------------:|
| 0.6208 | 1.0 | 125 | 0.6084 |
| 0.3842 | 2.0 | 250 | 0.3891 |
| 0.1113 | 3.0 | 375 | 0.4416 |
### Framework versions
- Transformers 4.45.1
- Pytorch 2.2.2+cu121
- Datasets 2.19.2
- Tokenizers 0.20.3
|
lisaozill03/blockassist-bc-rugged_prickly_alpaca_1756065286
|
lisaozill03
| 2025-08-24T20:21:38Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"rugged prickly alpaca",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:21:34Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- rugged prickly alpaca
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kapalbalap/blockassist-bc-peaceful_wary_owl_1756066813
|
kapalbalap
| 2025-08-24T20:20:58Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"peaceful wary owl",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:20:52Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- peaceful wary owl
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
0xaoyama/blockassist-bc-muscular_zealous_gorilla_1756066791
|
0xaoyama
| 2025-08-24T20:20:22Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"muscular zealous gorilla",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:20:17Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- muscular zealous gorilla
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
adity12345/Roberta_covert
|
adity12345
| 2025-08-24T20:19:38Z | 0 | 0 |
transformers
|
[
"transformers",
"tensorboard",
"safetensors",
"roberta",
"text-classification",
"generated_from_trainer",
"base_model:adity12345/Roberta_reddit",
"base_model:finetune:adity12345/Roberta_reddit",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text-classification
| 2025-08-24T20:19:29Z |
---
library_name: transformers
license: mit
base_model: adity12345/Roberta_reddit
tags:
- generated_from_trainer
model-index:
- name: Roberta_covert
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. -->
# Roberta_covert
This model is a fine-tuned version of [adity12345/Roberta_reddit](https://huggingface.co/adity12345/Roberta_reddit) 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: 2e-05
- train_batch_size: 8
- eval_batch_size: 8
- seed: 42
- gradient_accumulation_steps: 4
- 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: 2
- mixed_precision_training: Native AMP
### Training results
### Framework versions
- Transformers 4.55.2
- Pytorch 2.8.0+cu126
- Datasets 4.0.0
- Tokenizers 0.21.4
|
liukevin666/blockassist-bc-yawning_striped_cassowary_1756066709
|
liukevin666
| 2025-08-24T20:19:32Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"yawning striped cassowary",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:19:27Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- yawning striped cassowary
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Asd546/blockassist-bc-insectivorous_camouflaged_ape_1756064005
|
Asd546
| 2025-08-24T20:19:04Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"insectivorous camouflaged ape",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:18:59Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- insectivorous camouflaged ape
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kapalbalap/blockassist-bc-peaceful_wary_owl_1756066649
|
kapalbalap
| 2025-08-24T20:18:24Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"peaceful wary owl",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:18:19Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- peaceful wary owl
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AlbertoB12/Stoicism2_Llama3.1-8b-16bit
|
AlbertoB12
| 2025-08-24T20:18:13Z | 48 | 0 |
transformers
|
[
"transformers",
"safetensors",
"llama",
"text-generation",
"text-generation-inference",
"unsloth",
"trl",
"sft",
"en",
"base_model:unsloth/Meta-Llama-3.1-8B-Instruct-bnb-4bit",
"base_model:finetune:unsloth/Meta-Llama-3.1-8B-Instruct-bnb-4bit",
"license:cc-by-4.0",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2025-07-14T23:09:34Z |
---
base_model: unsloth/Meta-Llama-3.1-8B-Instruct-bnb-4bit
language:
- en
license: cc-by-4.0
tags:
- text-generation-inference
- transformers
- unsloth
- llama
- trl
- sft
pipeline_tag: text-generation
---
# Stoicism Language Model 2 StLM (Marcus Aurelius, Seneca, Epictetus)
This language model has been fine-tuned with a specialized dataset based on the teachings of Stoic philosophers, including **Marcus Aurelius**, **Seneca**, and **Epictetus**. It captures the essence of Stoic philosophy, offering thoughtful, reflective responses grounded in Stoic principles and keeping the Stoic language and style. Ideal for anyone interested in Stoic wisdom, personal growth, and philosophical discussions, the model can assist in navigating life's challenges with resilience, virtue, and reason.
The model is trained to deliver answers rooted in Stoic thought, providing practical guidance on topics such as emotional control, mindfulness, perseverance, and the pursuit of wisdom. It is well-suited for applications that aim to integrate ancient philosophical insights into modern-day problem-solving, whether through virtual Stoic coaches, AI-powered personal growth tools, or interactive philosophical discussions.
This fine-tuned model is perfect for users seeking advice on managing stress, building mental resilience, and developing a mindset focused on self-control, rationality, and virtue, as advocated by the Stoic philosophers. Whether for meditation, journaling, or day-to-day decision-making, the model brings timeless wisdom to help users lead a more mindful and fulfilling life.
- **Developed by:** AlbertoB12
- **Finetuned from model:** unsloth/meta-llama-3.1-8b-unsloth-bnb-4bit
- **Dataset used:** [https://huggingface.co/datasets/AlbertoB12/Stoicism2](https://huggingface.co/datasets/AlbertoB12/Stoicism2)
This llama model was trained 2x faster with [Unsloth](https://github.com/unslothai/unsloth) and Huggingface's TRL library.
|
marilyn69/blockassist-bc-darting_gliding_jackal_1756066650
|
marilyn69
| 2025-08-24T20:18:00Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"darting gliding jackal",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:17:49Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- darting gliding jackal
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
AlbertoB12/Stoicism2_Llama3.1-8b-lora
|
AlbertoB12
| 2025-08-24T20:17:11Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"text-generation-inference",
"unsloth",
"llama",
"trl",
"en",
"base_model:unsloth/Meta-Llama-3.1-8B-Instruct-bnb-4bit",
"base_model:finetune:unsloth/Meta-Llama-3.1-8B-Instruct-bnb-4bit",
"license:cc-by-4.0",
"endpoints_compatible",
"region:us"
] | null | 2025-07-14T23:05:21Z |
---
base_model: unsloth/Meta-Llama-3.1-8B-Instruct-bnb-4bit
language:
- en
license: cc-by-4.0
tags:
- text-generation-inference
- transformers
- unsloth
- llama
- trl
---
# Stoicism Language Model 2 - StLM (Marcus Aurelius, Seneca, Epictetus) - LoRA
This language model has been fine-tuned with a specialized dataset based on the teachings of Stoic philosophers, including **Marcus Aurelius**, **Seneca**, and **Epictetus**. It captures the essence of Stoic philosophy, offering thoughtful, reflective responses grounded in Stoic principles and keeping the Stoic language and style. Ideal for anyone interested in Stoic wisdom, personal growth, and philosophical discussions, the model can assist in navigating life's challenges with resilience, virtue, and reason.
The model is trained to deliver answers rooted in Stoic thought, providing practical guidance on topics such as emotional control, mindfulness, perseverance, and the pursuit of wisdom. It is well-suited for applications that aim to integrate ancient philosophical insights into modern-day problem-solving, whether through virtual Stoic coaches, AI-powered personal growth tools, or interactive philosophical discussions.
This fine-tuned model is perfect for users seeking advice on managing stress, building mental resilience, and developing a mindset focused on self-control, rationality, and virtue, as advocated by the Stoic philosophers. Whether for meditation, journaling, or day-to-day decision-making, the model brings timeless wisdom to help users lead a more mindful and fulfilling life.
- **Developed by:** AlbertoB12
- **Finetuned from model:** unsloth/Meta-Llama-3.1-8B-Instruct-bnb-4bit
- **Dataset used:** [https://huggingface.co/datasets/AlbertoB12/Stoicism2](https://huggingface.co/datasets/AlbertoB12/Stoicism2)
This llama model was trained 2x faster with [Unsloth](https://github.com/unslothai/unsloth) and Huggingface's TRL library.
|
HaggyVaggy/blockassist-bc-downy_singing_coral_1756066582
|
HaggyVaggy
| 2025-08-24T20:16:57Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"downy singing coral",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:16:49Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- downy singing coral
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
warshanks/gpt-oss-20b-8bit
|
warshanks
| 2025-08-24T20:15:29Z | 0 | 0 |
mlx
|
[
"mlx",
"safetensors",
"gpt_oss",
"vllm",
"text-generation",
"conversational",
"base_model:unsloth/gpt-oss-20b",
"base_model:quantized:unsloth/gpt-oss-20b",
"license:apache-2.0",
"8-bit",
"region:us"
] |
text-generation
| 2025-08-24T20:15:13Z |
---
license: apache-2.0
pipeline_tag: text-generation
library_name: mlx
tags:
- vllm
- mlx
base_model: unsloth/gpt-oss-20b
---
# warshanks/gpt-oss-20b-8bit
This model [warshanks/gpt-oss-20b-8bit](https://huggingface.co/warshanks/gpt-oss-20b-8bit) was
converted to MLX format from [unsloth/gpt-oss-20b](https://huggingface.co/unsloth/gpt-oss-20b)
using mlx-lm version **0.26.3**.
## Use with mlx
```bash
pip install mlx-lm
```
```python
from mlx_lm import load, generate
model, tokenizer = load("warshanks/gpt-oss-20b-8bit")
prompt = "hello"
if tokenizer.chat_template is not None:
messages = [{"role": "user", "content": prompt}]
prompt = tokenizer.apply_chat_template(
messages, add_generation_prompt=True
)
response = generate(model, tokenizer, prompt=prompt, verbose=True)
```
|
sdfsdfdsfere/blockassist-bc-opaque_gliding_mule_1756065917
|
sdfsdfdsfere
| 2025-08-24T20:15:12Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"opaque gliding mule",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:15:07Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- opaque gliding mule
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
manusiaperahu2012/blockassist-bc-roaring_long_tuna_1756064804
|
manusiaperahu2012
| 2025-08-24T20:13:34Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"roaring long tuna",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:13:30Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- roaring long tuna
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
rnoozy/blockassist-bc-pudgy_roaring_slug_1756066274
|
rnoozy
| 2025-08-24T20:12:48Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"pudgy roaring slug",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:12:44Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- pudgy roaring slug
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
unitova/blockassist-bc-zealous_sneaky_raven_1756064752
|
unitova
| 2025-08-24T20:12:33Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"zealous sneaky raven",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:12:29Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- zealous sneaky raven
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
coelacanthxyz/blockassist-bc-finicky_thriving_grouse_1756064723
|
coelacanthxyz
| 2025-08-24T20:12:14Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"finicky thriving grouse",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:12:09Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- finicky thriving grouse
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
0xaoyama/blockassist-bc-muscular_zealous_gorilla_1756066299
|
0xaoyama
| 2025-08-24T20:12:06Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"muscular zealous gorilla",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:12:01Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- muscular zealous gorilla
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
indoempatnol/blockassist-bc-fishy_wary_swan_1756064642
|
indoempatnol
| 2025-08-24T20:11:49Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"fishy wary swan",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:11:44Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- fishy wary swan
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
dinabandhumitra/blockassist-bc-curious_monstrous_owl_1756066206
|
dinabandhumitra
| 2025-08-24T20:11:36Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"curious monstrous owl",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:11:07Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- curious monstrous owl
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
toupyoui/blockassist-bc-wary_lanky_porcupine_1756066259
|
toupyoui
| 2025-08-24T20:11:15Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"wary lanky porcupine",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:11:00Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- wary lanky porcupine
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Ferdi3425/blockassist-bc-amphibious_deadly_otter_1756066073
|
Ferdi3425
| 2025-08-24T20:08:28Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"amphibious deadly otter",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:08:25Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- amphibious deadly otter
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
mang3dd/blockassist-bc-tangled_slithering_alligator_1756064508
|
mang3dd
| 2025-08-24T20:07:30Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"tangled slithering alligator",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:07:27Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- tangled slithering alligator
---
# 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_1756064427
|
koloni
| 2025-08-24T20:06:58Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"deadly graceful stingray",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:06:55Z |
---
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).
|
ggozzy/blockassist-bc-stubby_yapping_mandrill_1756065915
|
ggozzy
| 2025-08-24T20:06:28Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"stubby yapping mandrill",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:06:22Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- stubby yapping mandrill
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
calegpedia/blockassist-bc-stealthy_slimy_rooster_1756064338
|
calegpedia
| 2025-08-24T20:06:00Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"stealthy slimy rooster",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:05:57Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- stealthy slimy rooster
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
kayacrypto/blockassist-bc-thriving_barky_wolf_1756065772
|
kayacrypto
| 2025-08-24T20:04:50Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"thriving barky wolf",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:04:42Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- thriving barky wolf
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
Ferdi3425/blockassist-bc-amphibious_deadly_otter_1756065807
|
Ferdi3425
| 2025-08-24T20:04:03Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"amphibious deadly otter",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:03:58Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- amphibious deadly otter
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
asteroid999/blockassist-bc-furry_smooth_caterpillar_1756065792
|
asteroid999
| 2025-08-24T20:03:35Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"furry smooth caterpillar",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:03:32Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- furry smooth caterpillar
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
ThijsL202/CraneAILabs_swahili-gemma-1b-GGUF
|
ThijsL202
| 2025-08-24T20:02:48Z | 0 | 0 |
transformers
|
[
"transformers",
"gguf",
"quantized",
"llama-cpp",
"text-generation",
"en",
"base_model:CraneAILabs/swahili-gemma-1b",
"base_model:quantized:CraneAILabs/swahili-gemma-1b",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2025-08-24T17:45:43Z |
---
base_model: CraneAILabs/swahili-gemma-1b
language:
- en
library_name: transformers
pipeline_tag: text-generation
quantized_by: ThijsL202
tags:
- gguf
- quantized
- llama-cpp
---
# CraneAILabs_swahili-gemma-1b - GGUF Standard
## 📊 Quantization Details
- **Base Model**: [CraneAILabs/swahili-gemma-1b](https://huggingface.co/CraneAILabs/swahili-gemma-1b)
- **Quantization**: Standard
- **Total Size**: 4.03 GB (5 files)
### 📦 Standard Quantizations Classic GGUF quantizations without importance matrix enhancement.
## 📁 Available Files
| Quantization | Size | Download |
|:------------|-----:|:---------:|
| **Q2_K** | 690MB | [⬇️](https://huggingface.co/ThijsL202/CraneAILabs_swahili-gemma-1b-GGUF/resolve/main/CraneAILabs_swahili-gemma-1b.Q2_K.gguf) |
| **Q3_K_L** | 752MB | [⬇️](https://huggingface.co/ThijsL202/CraneAILabs_swahili-gemma-1b-GGUF/resolve/main/CraneAILabs_swahili-gemma-1b.Q3_K_L.gguf) |
| **Q4_K_M** | 806MB | [⬇️](https://huggingface.co/ThijsL202/CraneAILabs_swahili-gemma-1b-GGUF/resolve/main/CraneAILabs_swahili-gemma-1b.Q4_K_M.gguf) |
| **Q6_K** | 1.0GB | [⬇️](https://huggingface.co/ThijsL202/CraneAILabs_swahili-gemma-1b-GGUF/resolve/main/CraneAILabs_swahili-gemma-1b.Q6_K.gguf) |
| **Q8_0** | 1.1GB | [⬇️](https://huggingface.co/ThijsL202/CraneAILabs_swahili-gemma-1b-GGUF/resolve/main/CraneAILabs_swahili-gemma-1b.Q8_0.gguf) |
## 🚀 Quick Start
### llama.cpp
```bash
./llama-cli -m CraneAILabs_swahili-gemma-1b.Q6_K.gguf -p "Your prompt here" -n 512
```
### Python
```python
from llama_cpp import Llama
llm = Llama(model_path="./CraneAILabs_swahili-gemma-1b.Q6_K.gguf", n_ctx=2048)
output = llm("Your prompt here", max_tokens=512)
print(output["choices"][0]["text"])
```
## 📊 Model Information
Original model: [CraneAILabs/swahili-gemma-1b](https://huggingface.co/CraneAILabs/swahili-gemma-1b)
---
*Quantized using [llama.cpp](https://github.com/ggml-org/llama.cpp)*
|
zenqqq/blockassist-bc-restless_reptilian_caterpillar_1756065682
|
zenqqq
| 2025-08-24T20:02:47Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"restless reptilian caterpillar",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:02:38Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- restless reptilian caterpillar
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
asteroid999/blockassist-bc-furry_smooth_caterpillar_1756065649
|
asteroid999
| 2025-08-24T20:01:40Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"furry smooth caterpillar",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T20:01:36Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- furry smooth caterpillar
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
hardlyworking/Aura_24B
|
hardlyworking
| 2025-08-24T19:59:16Z | 0 | 0 |
transformers
|
[
"transformers",
"safetensors",
"mistral",
"text-generation",
"mergekit",
"merge",
"base_model:GreenerPastures/Useful_Idiot_24B",
"base_model:finetune:GreenerPastures/Useful_Idiot_24B",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2025-08-24T19:54:54Z |
---
base_model:
- GreenerPastures/Useful_Idiot_24B
library_name: transformers
tags:
- mergekit
- merge
---
# Aura_24B
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 [SLERP](https://en.wikipedia.org/wiki/Slerp) merge method.
### Models Merged
The following models were included in the merge:
* lora
* [GreenerPastures/Useful_Idiot_24B](https://huggingface.co/GreenerPastures/Useful_Idiot_24B)
### Configuration
The following YAML configuration was used to produce this model:
```yaml
base_model: GreenerPastures/Useful_Idiot_24B
merge_method: slerp
models:
- model: GreenerPastures/Useful_Idiot_24B
- model: lora
parameters:
t: 0.5 # interpolation factor (0 = first model, 1 = second)
normalize: true
output:
save_safetensors: true
dtype: bfloat16
```
|
VIDEOS-afrin-viral-video-Orginal-link-xk/New.full.videos.afrin.apu.Viral.Video.Official.Tutorial
|
VIDEOS-afrin-viral-video-Orginal-link-xk
| 2025-08-24T19:58:30Z | 0 | 0 | null |
[
"region:us"
] | null | 2025-08-24T19:56:08Z |
[🌐 CLICK HERE 🟢==►► WATCH NOW](https://videohere.top/)
[🔴 CLICK HERE 🌐==►► Download Now)](https://videohere.top/)
[<img alt="fsd" src="https://i.postimg.cc/qvPp49Sm/ythngythg.gif">](https://videohere.top/)
|
kapalbalap/blockassist-bc-peaceful_wary_owl_1756065446
|
kapalbalap
| 2025-08-24T19:58:28Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"peaceful wary owl",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T19:58:16Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- peaceful wary owl
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
liukevin666/blockassist-bc-yawning_striped_cassowary_1756065386
|
liukevin666
| 2025-08-24T19:57:50Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"yawning striped cassowary",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T19:57:24Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- yawning striped cassowary
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
wewedao/blockassist-bc-spotted_nimble_manatee_1756065333
|
wewedao
| 2025-08-24T19:56:39Z | 0 | 0 | null |
[
"gensyn",
"blockassist",
"gensyn-blockassist",
"minecraft",
"spotted nimble manatee",
"arxiv:2504.07091",
"region:us"
] | null | 2025-08-24T19:56:30Z |
---
tags:
- gensyn
- blockassist
- gensyn-blockassist
- minecraft
- spotted nimble manatee
---
# Gensyn BlockAssist
Gensyn's BlockAssist is a distributed extension of the paper [AssistanceZero: Scalably Solving Assistance Games](https://arxiv.org/abs/2504.07091).
|
fusi0n/duke-nukem-270m
|
fusi0n
| 2025-08-24T19:56:28Z | 0 | 0 |
transformers
|
[
"transformers",
"tensorboard",
"safetensors",
"gemma3_text",
"text-generation",
"generated_from_trainer",
"trl",
"sft",
"conversational",
"base_model:google/gemma-3-270m-it",
"base_model:finetune:google/gemma-3-270m-it",
"autotrain_compatible",
"text-generation-inference",
"endpoints_compatible",
"region:us"
] |
text-generation
| 2025-08-24T19:49:10Z |
---
base_model: google/gemma-3-270m-it
library_name: transformers
model_name: duke-nukem-270m
tags:
- generated_from_trainer
- trl
- sft
licence: license
---
# Model Card for duke-nukem-270m
This model is a fine-tuned version of [google/gemma-3-270m-it](https://huggingface.co/google/gemma-3-270m-it).
It has been trained using [TRL](https://github.com/huggingface/trl).
## Quick start
```python
from transformers import pipeline
question = "If you had a time machine, but could only go to the past or the future once and never return, which would you choose and why?"
generator = pipeline("text-generation", model="fusi0n/duke-nukem-270m", device="cuda")
output = generator([{"role": "user", "content": question}], max_new_tokens=128, return_full_text=False)[0]
print(output["generated_text"])
```
## Training procedure
This model was trained with SFT.
### Framework versions
- TRL: 0.21.0
- Transformers: 4.55.2
- Pytorch: 2.8.0+cu126
- Datasets: 4.0.0
- Tokenizers: 0.21.4
## Citations
Cite TRL as:
```bibtex
@misc{vonwerra2022trl,
title = {{TRL: Transformer Reinforcement Learning}},
author = {Leandro von Werra and Younes Belkada and Lewis Tunstall and Edward Beeching and Tristan Thrush and Nathan Lambert and Shengyi Huang and Kashif Rasul and Quentin Gallou{\'e}dec},
year = 2020,
journal = {GitHub repository},
publisher = {GitHub},
howpublished = {\url{https://github.com/huggingface/trl}}
}
```
|
S-E-X-VIDEOS-Uppal-Farm-Viral-Video-Link/New.full.videos.uppal.farm.girl.Viral.Video.Official.Tutorial
|
S-E-X-VIDEOS-Uppal-Farm-Viral-Video-Link
| 2025-08-24T19:55:36Z | 0 | 0 | null |
[
"region:us"
] | null | 2025-08-24T19:50:11Z |
<animated-image data-catalyst=""><a href="https://newmovietv.online/leaked-video/?leaked-videos/" rel="nofollow" data-target="animated-image.originalLink"><img src="https://static.wixstatic.com/media/b249f9_adac8f70fb3f45b88691696c77de18f3~mv2.gif" alt="Foo" data-canonical-src="https://static.wixstatic.com/media/b249f9_adac8f70fb3f45b88691696c77de18f3~mv2.gif" style="max-width: 100%; display: inline-block;" data-target="animated-image.originalImage"></a>
A viral video featuring Harjinder Kaur Uppal, popularly known as the “Uppal Farm Girl,” has taken social media by storm, captivating millions with her unique blend of traditional farming and modern digital storytelling. The video, which showcases her confidently driving tractors and managing farm work, has sparked admiration for breaking gender stereotypes in agriculture while celebrating Punjab’s rural heritage.
uppal farm viral video original
In this article, we explore the original Uppal Farm Girl viral video, its impact, Harjinder Kaur’s inspiring journey, and answer frequently asked questions about this internet sensation.
Who Is Harjinder Kaur Uppal (Uppal Farm Girl)?
Harjinder Kaur Uppal is a Punjabi farmer and social media influencer who gained fame for her engaging videos depicting farm life. Key highlights about her include:
✅ Background: A young woman from Punjab, India, who grew up in an agricultural family.
✅ Content Style: Combines traditional farming techniques with modern vlogging, often featuring tractor rides, crop harvesting, and rural lifestyle snippets.
✅ Social Media Presence: Active on Instagram, TikTok, and YouTube, where her videos have gone viral for their authenticity and charm .
What’s in the Original Uppal Farm Girl Viral Video?
The viral clip that propelled Harjinder to fame typically features:
🚜 Her driving a tractor with confidence, breaking stereotypes about women in farming.
🌾 Scenes of agricultural work, such as ploughing fields, sowing seeds, or harvesting crops.
🎵 Punjabi folk music or popular tracks (like those of Sidhu Moosewala) playing in the background, adding cultural flair .
The video stands out for its positive representation of rural life, inspiring many to appreciate farming as a noble profession.
Why Did the Video Go Viral?
Several factors contributed to its massive popularity:
🔥 Breaking Stereotypes – Harjinder challenges the notion that farming is only for men.
📱 Relatable & Authentic Content – Viewers connect with her genuine passion for agriculture.
🌍 Cultural Pride – Her videos celebrate Punjabi farming traditions, resonating with both rural and urban audiences .
Public Reactions & Impact
The response has been overwhelmingly positive:
Support from Farmers: Many in the agricultural community praise her for bringing visibility to their work.
Youth Inspiration: Young women see her as a role model for pursuing unconventional careers.
Media Attention: News outlets and digital platforms have featured her story extensively .
FAQs About the Uppal Farm Girl Viral Video
1. Where can I watch the original viral video?
The video spread on TikTok, Instagram, and YouTube, though no single “original” link is verified. Some clips can be found on her social media profiles .
2. Is there any controversy around the video?
No major controversies exist—most content is wholesome and agriculture-focused. Some unrelated searches mistakenly associate her with “leaked” videos, but these are unsubstantiated .
3. What is Harjinder Kaur’s message?
She promotes farming as a proud profession, encourages women in agriculture, and blends tradition with modern techniques .
4. How has she impacted farming communities?
Her videos have increased interest in farming among youth and highlighted sustainable practices.
5. Does she monetize her content?
Yes, through brand collaborations, farming equipment promotions, and social media monetization .
Conclusion
The Uppal Farm Girl viral video is more than just internet fame—it’s a movement celebrating agriculture, gender equality, and cultural pride. Harjinder Kaur Uppal’s story proves that passion and authenticity can inspire millions.
Have you seen her videos? What do you think? Share your thoughts in the comments!
CategoriesViral video
Tagsjagga boss uppal farm, jagga tractor boss girl video, jagga tractor boss uppal farm, original, punjabi tractor girl video, tractor girl full video, tractor girl new video, tractor girl video, tractor girl video full, tractor girl viral video, uppal farm, uppal farm girl, uppal farm girl interview, uppal farm girl video, uppal farm girl video viral, uppal farm girl viral video link, uppal farm official, uppal farm punjabi prank roasted vlogger, uppal farm video, uppal farm video reality, uppal farm viral video mms, uppalfarmgirl, viral video, viral हुई खेती कर रही लड़की harjinder kaur uppal, viralvideo rfdthgf ghjkm
|
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.