Ryeta-0
Built upon the powerful LLaMa-3 architecture and fine-tuned on an extensive dataset of health information, this model leverages its vast medical knowledge to offer clear, comprehensive answers.
This model is generally better for accurate and informative responses, particularly for users seeking in-depth medical advice.
Benchmarks
Subject | Model Accuracy (%) |
---|---|
Clinical Knowledge | 71.70 |
Medical Genetics | 78.00 |
Human Aging | 70.40 |
Human Sexuality | 73.28 |
College Medicine | 62.43 |
Anatomy | 64.44 |
College Biology | 72.22 |
High School Biology | 77.10 |
Professional Medicine | 63.97 |
Nutrition | 73.86 |
Professional Psychology | 68.95 |
Virology | 54.22 |
High School Psychology | 83.67 |
Average | 70.33 |
Usage:
import torch
from transformers import AutoTokenizer, AutoModelForCausalLM
class MedicalAssistant:
def __init__(self, model_name="SpectreLynx/Ryeta-0", device="cuda"):
self.device = device
self.tokenizer = AutoTokenizer.from_pretrained(model_name)
self.model = AutoModelForCausalLM.from_pretrained(model_name).to(self.device)
self.sys_message = '''
You are an AI Medical Assistant trained on a vast dataset of health information. Please be thorough and
provide an informative answer. If you don't know the answer to a specific medical inquiry, advise seeking professional help.
'''
def format_prompt(self, question):
messages = [
{"role": "system", "content": self.sys_message},
{"role": "user", "content": question}
]
prompt = self.tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)
return prompt
def generate_response(self, question, max_new_tokens=512):
prompt = self.format_prompt(question)
inputs = self.tokenizer(prompt, return_tensors="pt").to(self.device)
with torch.no_grad():
outputs = self.model.generate(**inputs, max_new_tokens=max_new_tokens, use_cache=True)
answer = self.tokenizer.batch_decode(outputs, skip_special_tokens=True)[0].strip()
return answer
if __name__ == "__main__":
assistant = MedicalAssistant()
question = '''
Symptoms:
Dizziness, headache, and nausea.
What is the differential diagnosis?
'''
response = assistant.generate_response(question)
print(response)
- Downloads last month
- 10
This model does not have enough activity to be deployed to Inference API (serverless) yet. Increase its social
visibility and check back later, or deploy to Inference Endpoints (dedicated)
instead.
Model tree for SpectreLynx/Ryeta-0
Datasets used to train SpectreLynx/Ryeta-0
Evaluation results
- normalized accuracy on AI2 Reasoning Challenge (25-Shot)test set self-reported59.130
- normalized accuracy on HellaSwag (10-Shot)validation set self-reported82.900
- accuracy on MMLU (5-Shot)test set self-reported60.350
- mc2 on TruthfulQA (0-shot)validation set self-reported49.650
- accuracy on Winogrande (5-shot)validation set self-reported78.930
- accuracy on GSM8k (5-shot)test set self-reported60.350