Abhay1210 commited on
Commit
94c597f
β€’
1 Parent(s): 6619f89

Update app.py

Browse files
Files changed (1) hide show
  1. app.py +14 -38
app.py CHANGED
@@ -1,43 +1,19 @@
1
- pip -q install langchain huggingface_hub transformers sentence_transformers accelerate bitsandbytes
 
2
 
3
- import os
4
- os.environ['HUGGINGFACEHUB_API_TOKEN'] = prompttoken
5
 
6
- from langchain import PromptTemplate, HuggingFaceHub, LLMChain
7
 
8
- template = """Question: {question}
9
- Answer: Let's think step by step."""
 
 
10
 
11
- prompt = PromptTemplate(template=template, input_variables=["question"])
 
 
 
 
12
 
13
- llm_chain = LLMChain(prompt=prompt,
14
- llm=HuggingFaceHub(repo_id="google/flan-t5-xl",
15
- model_kwargs={"temperature":0,
16
- "max_length":64}))
17
-
18
-
19
- from langchain.llms import HuggingFacePipeline
20
- import torch
21
- from transformers import AutoTokenizer, AutoModelForCausalLM, pipeline, AutoModelForSeq2SeqLM, AutoTokenizer, AutoModelForSeq2SeqLM
22
-
23
- model_id = 'Kaludi/chatgpt-gpt4-prompts-bart-large-cnn-samsum'
24
- tokenizer = AutoTokenizer.from_pretrained(model_id)
25
- model = AutoModelForSeq2SeqLM.from_pretrained(model_id, from_tf=True)
26
-
27
- pipeline = pipeline(
28
- "text2text-generation",
29
- model=model,
30
- tokenizer=tokenizer,
31
- max_length=128
32
- )
33
-
34
- local_llm = HuggingFacePipeline(pipeline=pipeline)
35
-
36
-
37
- llm_chain = LLMChain(prompt=prompt,
38
- llm=local_llm
39
- )
40
-
41
- question = "Excel Sheet"
42
-
43
- print(llm_chain.run(question))
 
1
+ from transformers import AutoTokenizer, AutoModelForSeq2SeqLM
2
+ import gradio as gr
3
 
4
+ tokenizer = AutoTokenizer.from_pretrained("merve/chatgpt-prompts-bart-long")
5
+ model = AutoModelForSeq2SeqLM.from_pretrained("merve/chatgpt-prompts-bart-long", from_tf=True)
6
 
7
+ def generate(prompt):
8
 
9
+ batch = tokenizer(prompt, return_tensors="pt")
10
+ generated_ids = model.generate(batch["input_ids"], max_new_tokens=150)
11
+ output = tokenizer.batch_decode(generated_ids, skip_special_tokens=True)
12
+ return output[0]
13
 
14
+ input_component = gr.Textbox(label = "Input a persona, e.g. photographer", value = "photographer")
15
+ output_component = gr.Textbox(label = "Prompt")
16
+ examples = [["photographer"], ["developer"]]
17
+ description = "This app generates ChatGPT prompts, it's based on a BART model trained on [this dataset](https://huggingface.co/datasets/fka/awesome-chatgpt-prompts). πŸ““ Simply enter a persona that you want the prompt to be generated based on. πŸ§™πŸ»πŸ§‘πŸ»β€πŸš€πŸ§‘πŸ»β€πŸŽ¨πŸ§‘πŸ»β€πŸ”¬πŸ§‘πŸ»β€πŸ’»πŸ§‘πŸΌβ€πŸ«πŸ§‘πŸ½β€πŸŒΎ"
18
+ gr.Interface(generate, inputs = input_component, outputs=output_component, examples=examples, title = "πŸ‘¨πŸ»β€πŸŽ€ ChatGPT Prompt Generator πŸ‘¨πŸ»β€πŸŽ€", description=description).launch()
19