Spaces:
Running
Running
import streamlit as st | |
import torch | |
import torch.nn.functional as F | |
from transformers import pipeline | |
from transformers import AutoTokenizer, AutoModelForSequenceClassification | |
st.title('Can I Patent This?') | |
# steamlit form | |
form = st.form(key='sentiment-form') | |
user_input = form.text_area(label = 'Enter your text', value = "I love steamlit and hugging face!") | |
submit = form.form_submit_button('Submit') | |
model_name = "distilbert-base-uncased-finetuned-sst-2-english" | |
model = AutoModelForSequenceClassification.from_pretrained(model_name) | |
tokenizer = AutoTokenizer.from_pretrained(model_name) | |
test = [user_input] | |
if submit: | |
classifier = pipeline("sentiment-analysis", model = model_name) #using the pipeline() function | |
batch = tokenizer(test, padding = True, truncation = True, max_length = 512, return_tensors = "pt") | |
with torch.no_grad(): | |
outputs = model(**batch, labels = torch.tensor([1, 0])) | |
st.write(outputs) | |
predictions = F.softmax(outputs.logits, dim = 1) | |
st.write(predictions) | |