Edit model card

Tiny Crypto Sentiment Analysis

Fine-tuned (with LoRA) version of TinyLlama on cryptocurrency news articles to predict the sentiment and subject of an article. The dataset used for training is Crypto News+.

How to Train Your Own Tiny LLM?

Follow the complete tutorial on how this model was trained: https://www.mlexpert.io/bootcamp/fine-tuning-tiny-llm-on-custom-dataset

How to Use

Load the model:

import torch
from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline

MODEL_NAME = "curiousily/tiny-crypto-sentiment-analysis"

tokenizer = AutoTokenizer.from_pretrained(MODEL_NAME, use_fast=True)

model = AutoModelForCausalLM.from_pretrained(
    MODEL_NAME,
    device_map="auto",
    torch_dtype=torch.float16
)

pipe = pipeline(
    task="text-generation",
    model=model,
    tokenizer=tokenizer,
    max_new_tokens=16,
    return_full_text=False,
)

Prompt format:

prompt = """
### Title:
<YOUR ARTICLE TITLE>
### Text:
<YOUR ARTICLE PARAGRAPH>
### Prediction:
""".strip()

Here's an example:

prompt = """
### Title:
Bitcoin Price Prediction as BTC Breaks Through $27,000 Barrier Here are Price Levels to Watch
### Text:
Bitcoin, the world's largest cryptocurrency by market capitalization, has been making headlines recently as it broke through the $27,000 barrier for the first time. This surge in price has reignited speculation about where Bitcoin is headed next, with many analysts and investors offering their predictions.
### Prediction:
""".strip()

Get a prediction:

outputs = pipe(prompt)
print(outputs[0]["generated_text"].strip())
subject: bitcoin
sentiment: positive
Downloads last month
16
Safetensors
Model size
1.1B params
Tensor type
FP16
ยท

Finetuned from

Space using curiousily/tiny-crypto-sentiment-analysis 1