rishiraj / CatPPT-base

huggingface.co
Total runs: 5.7K
24-hour runs: 0
7-day runs: 338
30-day runs: 2.8K
Model's Last Updated: January 10 2024
text-generation

Introduction of CatPPT-base

Model Details of CatPPT-base

😼 CatPPT

Introducing "CatPPT" - the purrfect alternative to that other big cat in town, known for keeping all the secrets to itself! Our feline friend here is created through merging openchat and neuralchat models using Gradient SLERP method (resulting in rishiraj/CatPPT-base ) and then finetuned on no_robots dataset for chat.

This is the top-performing 7B model on the leaderboard, that's free from any whiff of evaluation data contamination.

Model date

rishiraj/CatPPT was trained between 15th and 17th December, 2023.

Evaluation

It achieves the following results on the Open_LLM_Leaderboard . At the time of release, CatPPT is the highest ranked 7B chat model on the leaderboard, that's free from evaluation data contamination .

Model Average ARC HellaSwag MMLU TruthfulQA Winogrande GSM8K
rishiraj/CatPPT 72.32 68.09 86.69 65.16 61.55 81.61 70.81
Intel/neural-chat-7b-v3-3 69.83 66.89 85.26 63.07 63.01 79.64 61.11
openchat/openchat-3.5-1210 68.89 64.93 84.92 64.62 52.15 80.74 65.96
meta-math/MetaMath-Mistral-7B 65.78 60.67 82.58 61.95 44.89 75.77 68.84
Deci/DeciLM-7B-instruct 63.19 61.01 82.37 60.24 49.75 79.72 46.02
mistralai/Mistral-7B-Instruct-v0.2 65.71 63.14 84.88 60.78 68.26 77.19 40.03
mistralai/Mixtral-8x7B-Instruct-v0.1 72.62 70.22 87.63 71.16 64.58 81.37 60.73
meta-llama/Llama-2-70b-hf 67.87 67.32 87.33 69.83 44.92 83.74 54.06
tiiuae/falcon-180B 67.85 69.45 88.86 70.5 45.47 86.9 45.94
Inference procedure

Here's how you can run the model using the pipeline() function from 🤗 Transformers:

import torch
from transformers import pipeline

pipe = pipeline("text-generation", model="rishiraj/CatPPT", torch_dtype=torch.bfloat16, device_map="auto")

# We use the tokenizer's chat template to format each message - see https://huggingface.co/docs/transformers/main/en/chat_templating
messages = [
    {
        "role": "system",
        "content": "You are a friendly chatbot who always responds in the style of a pirate"
    },
    {
        "role": "user",
        "content": "How many helicopters can a human eat in one sitting?"
    }
]
prompt = pipe.tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)
outputs = pipe(prompt, max_new_tokens=256, do_sample=True, temperature=0.7, top_k=50, top_p=0.95)
print(outputs[0]["generated_text"])
Training procedure
Training hyperparameters

The following hyperparameters were used during training:

  • learning_rate: 2e-05
  • train_batch_size: 4
  • eval_batch_size: 8
  • seed: 42
  • distributed_type: multi-GPU
  • gradient_accumulation_steps: 128
  • total_train_batch_size: 512
  • optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
  • lr_scheduler_type: cosine
  • num_epochs: 1
Training results
Training Loss Epoch Step Validation Loss
1.9947 0.16 3 2.0093
Framework versions
  • Transformers 4.36.1
  • Pytorch 2.1.2+cu121
  • Datasets 2.14.6
  • Tokenizers 0.15.0
  • PEFT 0.6.1
Citation Information
@misc{rishiraj2023catppt,
  author = {Rishiraj Acharya},
  title = {CatPPT},
  year = {2023},
  publisher = {Hugging Face},
  journal = {Hugging Face repository},
  howpublished = {\url{https://huggingface.co/rishiraj/CatPPT}}
}

Runs of rishiraj CatPPT-base on huggingface.co

5.7K
Total runs
0
24-hour runs
164
3-day runs
338
7-day runs
2.8K
30-day runs

More Information About CatPPT-base huggingface.co Model

More CatPPT-base license Visit here:

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

CatPPT-base huggingface.co

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

CatPPT-base huggingface.co Url

https://huggingface.co/rishiraj/CatPPT-base

rishiraj CatPPT-base online free

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

rishiraj CatPPT-base online free url in huggingface.co:

https://huggingface.co/rishiraj/CatPPT-base

CatPPT-base install

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

CatPPT-base install url in huggingface.co:

https://huggingface.co/rishiraj/CatPPT-base

Url of CatPPT-base

CatPPT-base huggingface.co Url

Provider of CatPPT-base huggingface.co

rishiraj
ORGANIZATIONS

Other API from rishiraj

huggingface.co

Total runs: 1.9K
Run Growth: 1.2K
Growth Rate: 65.54%
Updated: October 31 2023
huggingface.co

Total runs: 32
Run Growth: 7
Growth Rate: 21.88%
Updated: December 05 2023
huggingface.co

Total runs: 5
Run Growth: 1
Growth Rate: 20.00%
Updated: January 10 2024
huggingface.co

Total runs: 5
Run Growth: 0
Growth Rate: 0.00%
Updated: December 18 2023
huggingface.co

Total runs: 1
Run Growth: -2
Growth Rate: -200.00%
Updated: December 12 2023
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: September 06 2024
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: September 13 2024
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: February 23 2024
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: September 20 2024
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: January 26 2025
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: September 19 2024
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: September 13 2024
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: February 23 2024