MaziyarPanahi / Meta-Llama-3-8B-Instruct-GPTQ

huggingface.co
Total runs: 838
24-hour runs: 92
7-day runs: 164
30-day runs: 96
Model's Last Updated: April 19 2024
text-generation

Introduction of Meta-Llama-3-8B-Instruct-GPTQ

Model Details of Meta-Llama-3-8B-Instruct-GPTQ

Description

MaziyarPanahi/Meta-Llama-3-8B-Instruct-GPTQ is a quantized (GPTQ) version of meta-llama/Meta-Llama-3-8B-Instruct

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/Meta-Llama-3-8B-Instruct-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 Meta-Llama-3-8B-Instruct-GPTQ on huggingface.co

838
Total runs
92
24-hour runs
222
3-day runs
164
7-day runs
96
30-day runs

More Information About Meta-Llama-3-8B-Instruct-GPTQ huggingface.co Model

More Meta-Llama-3-8B-Instruct-GPTQ license Visit here:

https://choosealicense.com/licenses/llama3

Meta-Llama-3-8B-Instruct-GPTQ huggingface.co

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

Meta-Llama-3-8B-Instruct-GPTQ huggingface.co Url

https://huggingface.co/MaziyarPanahi/Meta-Llama-3-8B-Instruct-GPTQ

MaziyarPanahi Meta-Llama-3-8B-Instruct-GPTQ online free

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

MaziyarPanahi Meta-Llama-3-8B-Instruct-GPTQ online free url in huggingface.co:

https://huggingface.co/MaziyarPanahi/Meta-Llama-3-8B-Instruct-GPTQ

Meta-Llama-3-8B-Instruct-GPTQ install

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

Meta-Llama-3-8B-Instruct-GPTQ install url in huggingface.co:

https://huggingface.co/MaziyarPanahi/Meta-Llama-3-8B-Instruct-GPTQ

Url of Meta-Llama-3-8B-Instruct-GPTQ

Meta-Llama-3-8B-Instruct-GPTQ huggingface.co Url

Provider of Meta-Llama-3-8B-Instruct-GPTQ huggingface.co

MaziyarPanahi
ORGANIZATIONS

Other API from MaziyarPanahi