|
|
--- |
|
|
license: apache-2.0 |
|
|
base_model: microsoft/DialoGPT-medium |
|
|
tags: |
|
|
- conversational |
|
|
- national-parks |
|
|
- travel |
|
|
- recreation |
|
|
- parks |
|
|
- outdoor |
|
|
- assistant |
|
|
- fine-tuned |
|
|
language: |
|
|
- en |
|
|
library_name: transformers |
|
|
pipeline_tag: text-generation |
|
|
model_type: gpt2 |
|
|
datasets: |
|
|
- custom |
|
|
--- |
|
|
|
|
|
# Parks LLM - US Parks Assistant ποΈ |
|
|
A conversational AI model fine-tuned to help with US national parks, state parks, and recreation areas. |
|
|
|
|
|
## Quick Start |
|
|
Load the model: |
|
|
```python |
|
|
from transformers import AutoTokenizer, AutoModelForCausalLM |
|
|
import torch |
|
|
|
|
|
tokenizer = AutoTokenizer.from_pretrained("ajc2195/parks-llm") |
|
|
model = AutoModelForCausalLM.from_pretrained("ajc2195/parks-llm") |
|
|
|
|
|
def ask_parks_llm(question): |
|
|
prompt = f"Human: {question}\nAssistant:" |
|
|
inputs = tokenizer(prompt, return_tensors="pt") |
|
|
|
|
|
with torch.no_grad(): |
|
|
outputs = model.generate( |
|
|
inputs['input_ids'], |
|
|
max_new_tokens=80, |
|
|
temperature=0.7, |
|
|
do_sample=True, |
|
|
pad_token_id=tokenizer.eos_token_id |
|
|
) |
|
|
|
|
|
response = tokenizer.decode(outputs[0], skip_special_tokens=True) |
|
|
return response.split("Assistant:")[-1].strip() |
|
|
``` |
|
|
|
|
|
Example usage: |
|
|
```python |
|
|
answer = ask_parks_llm("What should I pack for Yellowstone?") |
|
|
print(answer) |
|
|
``` |
|
|
|
|
|
## Pipeline Usage |
|
|
```python |
|
|
from transformers import pipeline |
|
|
|
|
|
parks_assistant = pipeline("text-generation", model="ajc2195/parks-llm") |
|
|
response = parks_assistant("Human: What's the best time to visit national parks?\nAssistant:") |
|
|
``` |
|
|
|
|
|
## Capabilities |
|
|
ποΈ Park Information: Details about national parks, state parks, and recreation areas |
|
|
π Trip Planning: Packing lists, preparation advice, and logistics |
|
|
π
Timing Advice: Best times to visit different parks |
|
|
ποΈ Camping & Reservations: Booking guidance and accommodation options |
|
|
π¨βπ©βπ§βπ¦ Family Travel: Family-friendly park recommendations |
|
|
π° Budget Tips: Cost-saving strategies |
|
|
π» Safety Guidance: Wildlife safety and Leave No Trace principles |
|
|
π₯Ύ Activities: Hiking, camping, and outdoor activity recommendations |
|
|
|
|
|
## Example Questions |
|
|
- What should I pack for a desert park visit? |
|
|
- How do I make campground reservations? |
|
|
- What are the best family-friendly national parks? |
|
|
- When is the best time to visit Yellowstone? |
|
|
- What budget tips do you have for park visits? |
|
|
|
|
|
## Model Details |
|
|
- Base Model: microsoft/DialoGPT-medium |
|
|
- Fine-tuned on: Comprehensive parks conversation dataset |
|
|
- Training Method: Manual PyTorch fine-tuning |
|
|
- Domain: US Parks and Recreation |
|
|
|
|
|
## Limitations |
|
|
- Focuses primarily on US parks |
|
|
- General guidance - always verify with official park sources |
|
|
- Not a substitute for real-time park information or alerts |
|
|
|
|
|
Built with β€οΈ for park enthusiasts and outdoor adventurers! |