MaziyarPanahi / sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp

huggingface.co
Total runs: 83
24-hour runs: -2
7-day runs: -39
30-day runs: -272
Model's Last Updated: January 12 2024
text-generation

Introduction of sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp

Model Details of sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp

sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp

sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp is a merge of the following models:

🧩 Configuration
slices:
  - sources:
      - model: mistralai/Mistral-7B-Instruct-v0.2
        layer_range: [0, 32]
      - model: defog/sqlcoder-7b
        layer_range: [0, 32]
merge_method: slerp
base_model: mistralai/Mistral-7B-Instruct-v0.2
parameters:
  t:
    - filter: self_attn
      value: [0, 0.5, 0.3, 0.7, 1]
    - filter: mlp
      value: [1, 0.5, 0.7, 0.3, 0]
    - value: 0.5
dtype: bfloat16
💻 Usage
!pip install -qU transformers accelerate

from transformers import AutoTokenizer
import transformers
import torch

model = "MaziyarPanahi/sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp"
messages = [{"role": "user", "content": "What is a large language model?"}]

tokenizer = AutoTokenizer.from_pretrained(model)
prompt = tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)
pipeline = transformers.pipeline(
"text-generation",
model=model,
torch_dtype=torch.float16,
device_map="auto",
)

outputs = pipeline(prompt, max_new_tokens=256, do_sample=True, temperature=0.7, top_k=50, top_p=0.95)
print(outputs[0]["generated_text"])

Runs of MaziyarPanahi sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp on huggingface.co

83
Total runs
-2
24-hour runs
0
3-day runs
-39
7-day runs
-272
30-day runs

More Information About sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp huggingface.co Model

More sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp license Visit here:

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

sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp huggingface.co

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

sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp huggingface.co Url

https://huggingface.co/MaziyarPanahi/sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp

MaziyarPanahi sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp online free

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

MaziyarPanahi sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp online free url in huggingface.co:

https://huggingface.co/MaziyarPanahi/sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp

sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp install

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

sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp install url in huggingface.co:

https://huggingface.co/MaziyarPanahi/sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp

Url of sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp

sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp huggingface.co Url

Provider of sqlcoder-7b-Mistral-7B-Instruct-v0.2-slerp huggingface.co

MaziyarPanahi
ORGANIZATIONS

Other API from MaziyarPanahi