MaziyarPanahi / Breeze-7B-Instruct-v0_1-GPTQ

huggingface.co
Total runs: 380
24-hour runs: 0
7-day runs: 4
30-day runs: 352
Model's Last Updated: Januar 19 2024
text-generation

Introduction of Breeze-7B-Instruct-v0_1-GPTQ

Model Details of Breeze-7B-Instruct-v0_1-GPTQ

Description

MaziyarPanahi/Breeze-7B-Instruct-v0_1-GPTQ is a quantized (GPTQ) version of MediaTek-Research/Breeze-7B-Instruct-v0_1

How to use
Install the necessary packages
pip install --upgrade accelerate auto-gptq transformers
Example Python code
from transformers import AutoTokenizer, pipeline
from auto_gptq import AutoGPTQForCausalLM, BaseQuantizeConfig
import torch

model_id = "MaziyarPanahi/Breeze-7B-Instruct-v0_1-GPTQ"

quantize_config = BaseQuantizeConfig(
        bits=4,
        group_size=128,
        desc_act=False
    )

model = AutoGPTQForCausalLM.from_quantized(
        model_id,
        use_safetensors=True,
        device="cuda:0",
        quantize_config=quantize_config)

tokenizer = AutoTokenizer.from_pretrained(model_id)

pipe = pipeline(
    "text-generation",
    model=model,
    tokenizer=tokenizer,
    max_new_tokens=512,
    temperature=0.7,
    top_p=0.95,
    repetition_penalty=1.1
)

outputs = pipe("What is a large language model?")
print(outputs[0]["generated_text"])

Runs of MaziyarPanahi Breeze-7B-Instruct-v0_1-GPTQ on huggingface.co

380
Total runs
0
24-hour runs
4
3-day runs
4
7-day runs
352
30-day runs

More Information About Breeze-7B-Instruct-v0_1-GPTQ huggingface.co Model

More Breeze-7B-Instruct-v0_1-GPTQ license Visit here:

https://choosealicense.com/licenses/apache-2.0

Breeze-7B-Instruct-v0_1-GPTQ huggingface.co

Breeze-7B-Instruct-v0_1-GPTQ huggingface.co is an AI model on huggingface.co that provides Breeze-7B-Instruct-v0_1-GPTQ's model effect (), which can be used instantly with this MaziyarPanahi Breeze-7B-Instruct-v0_1-GPTQ model. huggingface.co supports a free trial of the Breeze-7B-Instruct-v0_1-GPTQ model, and also provides paid use of the Breeze-7B-Instruct-v0_1-GPTQ. Support call Breeze-7B-Instruct-v0_1-GPTQ model through api, including Node.js, Python, http.

Breeze-7B-Instruct-v0_1-GPTQ huggingface.co Url

https://huggingface.co/MaziyarPanahi/Breeze-7B-Instruct-v0_1-GPTQ

MaziyarPanahi Breeze-7B-Instruct-v0_1-GPTQ online free

Breeze-7B-Instruct-v0_1-GPTQ huggingface.co is an online trial and call api platform, which integrates Breeze-7B-Instruct-v0_1-GPTQ's modeling effects, including api services, and provides a free online trial of Breeze-7B-Instruct-v0_1-GPTQ, you can try Breeze-7B-Instruct-v0_1-GPTQ online for free by clicking the link below.

MaziyarPanahi Breeze-7B-Instruct-v0_1-GPTQ online free url in huggingface.co:

https://huggingface.co/MaziyarPanahi/Breeze-7B-Instruct-v0_1-GPTQ

Breeze-7B-Instruct-v0_1-GPTQ install

Breeze-7B-Instruct-v0_1-GPTQ is an open source model from GitHub that offers a free installation service, and any user can find Breeze-7B-Instruct-v0_1-GPTQ on GitHub to install. At the same time, huggingface.co provides the effect of Breeze-7B-Instruct-v0_1-GPTQ install, users can directly use Breeze-7B-Instruct-v0_1-GPTQ installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

Breeze-7B-Instruct-v0_1-GPTQ install url in huggingface.co:

https://huggingface.co/MaziyarPanahi/Breeze-7B-Instruct-v0_1-GPTQ

Url of Breeze-7B-Instruct-v0_1-GPTQ

Breeze-7B-Instruct-v0_1-GPTQ huggingface.co Url

Provider of Breeze-7B-Instruct-v0_1-GPTQ huggingface.co

MaziyarPanahi
ORGANIZATIONS

Other API from MaziyarPanahi