|
# Cognitivess Model |
|
|
|
## Usage |
|
|
|
To use this model, first install the custom package: |
|
|
|
```bash |
|
# Install required packages |
|
!pip install git+https://huggingface.co/CognitivessAI/cognitivess |
|
``` |
|
|
|
Then, you can use the model like this: |
|
|
|
```python |
|
|
|
from transformers import AutoTokenizer, AutoModelForCausalLM |
|
import torch |
|
|
|
model_id = "CognitivessAI/cognitivess" |
|
|
|
# Load the tokenizer |
|
tokenizer = AutoTokenizer.from_pretrained(model_id) |
|
|
|
# Load the model |
|
model = AutoModelForCausalLM.from_pretrained( |
|
model_id, |
|
torch_dtype=torch.float32, |
|
device_map="auto" |
|
) |
|
|
|
messages = [ |
|
{"role": "user", "content": "Explain how large language models work in detail."}, |
|
] |
|
|
|
input_ids = tokenizer.apply_chat_template(messages, add_generation_prompt=True, return_tensors="pt").to(model.device) |
|
|
|
outputs = model.generate( |
|
input_ids, |
|
do_sample=True, |
|
temperature=0.5, |
|
max_new_tokens=1024 |
|
) |
|
|
|
response = outputs[0][input_ids.shape[-1]:] |
|
print(tokenizer.decode(response, skip_special_tokens=True)) |
|
``` |
|
|