philschmid HF staff commited on
Commit
2dd9b98
1 Parent(s): 9c680f9

Upload 2 files

Browse files
Files changed (2) hide show
  1. app.py +189 -0
  2. requirements.txt +7 -0
app.py ADDED
@@ -0,0 +1,189 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import os
2
+ import gradio as gr
3
+ from transformers import AutoModelForCausalLM, AutoTokenizer, GenerationConfig
4
+ from transformers import IteratorStreamer
5
+ import torch
6
+ from threading import Thread
7
+ from huggingface_hub import Repository
8
+ import json
9
+
10
+ theme = gr.themes.Monochrome(
11
+ primary_hue="indigo",
12
+ secondary_hue="blue",
13
+ neutral_hue="slate",
14
+ radius_size=gr.themes.sizes.radius_sm,
15
+ font=[gr.themes.GoogleFont("Open Sans"), "ui-sans-serif", "system-ui", "sans-serif"],
16
+ )
17
+ # filesystem to save input and outputs
18
+ HF_TOKEN = os.environ.get("HF_TOKEN", None)
19
+ os.environ["TOKENIZERS_PARALLELISM"] = "false"
20
+ if HF_TOKEN:
21
+ repo = Repository(
22
+ local_dir="data", clone_from="philschmid/playground-prompts", use_auth_token=HF_TOKEN, repo_type="dataset"
23
+ )
24
+
25
+
26
+ # Load peft config for pre-trained checkpoint etc.
27
+ torch_dtype = torch.bfloat16 if torch.cuda.get_device_capability()[0] == 8 else torch.float16
28
+ model_id = "philschmid/instruct-igel-001"
29
+ model = AutoModelForCausalLM.from_pretrained(model_id, torch_dtype=torch_dtype, device_map="auto")
30
+ tokenizer = AutoTokenizer.from_pretrained(model_id)
31
+
32
+ prompt_template = f"""### Anweisung:
33
+ {{input}}
34
+
35
+ ### Antwort:"""
36
+
37
+
38
+ def generate(instruction, temperature, max_new_tokens, top_p, length_penalty):
39
+ formatted_instruction = prompt_template.format(input=instruction)
40
+ # COMMENT IN FOR NON STREAMING
41
+ # generation_config = GenerationConfig(
42
+ # do_sample=True,
43
+ # top_p=top_p,
44
+ # temperature=temperature,
45
+ # max_new_tokens=max_new_tokens,
46
+ # early_stopping=True,
47
+ # length_penalty=length_penalty,
48
+ # eos_token_id=tokenizer.eos_token_id,
49
+ # pad_token_id=tokenizer.pad_token_id,
50
+ # )
51
+
52
+ # input_ids = tokenizer(
53
+ # formatted_instruction, return_tensors="pt", truncation=True, max_length=2048
54
+ # ).input_ids.cuda()
55
+
56
+ # with torch.inference_mode(), torch.autocast("cuda"):
57
+ # outputs = model.generate(input_ids=input_ids, generation_config=generation_config)[0]
58
+
59
+ # output = tokenizer.decode(outputs.detach().cpu().numpy(), skip_special_tokens=True)
60
+ # return output.split("### Antwort:\n")[1]
61
+
62
+ # STREAMING BASED ON git+https://github.com/gante/transformers.git@streamer_iterator
63
+
64
+ # streaming
65
+ streamer = IteratorStreamer(tokenizer)
66
+ model_inputs = tokenizer(formatted_instruction, return_tensors="pt", truncation=True, max_length=2048)
67
+ # move to gpu
68
+ model_inputs = {k: v.cuda() for k, v in model_inputs.items()}
69
+
70
+ generate_kwargs = dict(
71
+ top_p=top_p,
72
+ temperature=temperature,
73
+ max_new_tokens=max_new_tokens,
74
+ early_stopping=True,
75
+ length_penalty=length_penalty,
76
+ eos_token_id=tokenizer.eos_token_id,
77
+ pad_token_id=tokenizer.eos_token_id,
78
+ )
79
+ t = Thread(target=model.generate, kwargs={**dict(model_inputs, streamer=streamer), **generate_kwargs})
80
+ t.start()
81
+
82
+ output = ""
83
+ hidden_output = ""
84
+ for new_text in streamer:
85
+ # skip streaming until new text is available
86
+ if len(hidden_output) <= len(formatted_instruction):
87
+ hidden_output += new_text
88
+ continue
89
+ # replace eos token
90
+ if tokenizer.eos_token in new_text:
91
+ new_text = new_text.replace(tokenizer.eos_token, "")
92
+ output += new_text
93
+ yield output
94
+ if HF_TOKEN:
95
+ save_inputs_and_outputs(formatted_instruction, output, generate_kwargs)
96
+ return output
97
+
98
+
99
+ def save_inputs_and_outputs(inputs, outputs, generate_kwargs):
100
+ with open(os.path.join("data", "prompts.jsonl"), "a") as f:
101
+ json.dump({"inputs": inputs, "outputs": outputs, "generate_kwargs": generate_kwargs}, f, ensure_ascii=False)
102
+ f.write("\n")
103
+ commit_url = repo.push_to_hub()
104
+
105
+
106
+ examples = [
107
+ """Beantworten Sie die Frage am Ende des Textes anhand der folgenden Zusammenhänge. Wenn Sie die Antwort nicht wissen, sagen Sie, dass Sie es nicht wissen, versuchen Sie nicht, eine Antwort zu erfinden.
108
+ "Das Unternehmen wurde 2016 von den französischen Unternehmern Clément Delangue, Julien Chaumond und Thomas Wolf gegründet und entwickelte ursprünglich eine Chatbot-App, die sich an Teenager richtete.[2] Nachdem das Modell hinter dem Chatbot offengelegt wurde, konzentrierte sich das Unternehmen auf eine Plattform für maschinelles Lernen.
109
+
110
+ Im März 2021 sammelte Hugging Face in einer Serie-B-Finanzierungsrunde 40 Millionen US-Dollar ein[3].
111
+
112
+ Am 28. April 2021 rief das Unternehmen in Zusammenarbeit mit mehreren anderen Forschungsgruppen den BigScience Research Workshop ins Leben, um ein offenes großes Sprachmodell zu veröffentlichen.[4] Im Jahr 2022 wurde der Workshop mit der Ankündigung von BLOOM abgeschlossen, einem mehrsprachigen großen Sprachmodell mit 176 Milliarden Parametern.[5]"
113
+
114
+ Frage: Wann wurde Hugging Face gegründet?""",
115
+ "Erklären Sie, was eine API ist.",
116
+ "Bitte beantworten Sie die folgende Frage. Wer wird der nächste Ballon d'or sein?",
117
+ "Beantworten Sie die folgende Ja/Nein-Frage, indem Sie Schritt für Schritt argumentieren. Kannst du ein ganzes Haiku in einem einzigen Tweet schreiben?",
118
+ "Schreibe eine Produktbeschreibung für einen LG 43UQ75009LF 109 cm (43 Zoll) UHD Fernseher (Active HDR, 60 Hz, Smart TV) [Modelljahr 2022]",
119
+ ]
120
+
121
+
122
+ with gr.Blocks(theme=theme) as demo:
123
+ with gr.Column():
124
+ gr.Markdown(
125
+ """<h1><center>IGEL - Instruction-tuned German large Language Model for Text</center></h1>
126
+ <p>
127
+ IGEL is a LLM model family developed for the German language. The first version of IGEL is built on top <a href="https://bigscience.huggingface.co/blog/bloom" target="_blank">BigScience BLOOM</a> adapted to the <a href="https://huggingface.co/malteos/bloom-6b4-clp-german">German language by Malte Ostendorff</a>. IGEL designed to provide accurate and reliable language understanding capabilities for a wide range of natural language understanding tasks, including sentiment analysis, language translation, and question answering.
128
+
129
+ The IGEL family includes instruction [instruct-igel-001](https://huggingface.co/philschmid/instruct-igel-001) and `chat-igel-001` _coming soon_.
130
+ </p>
131
+ """
132
+ )
133
+ with gr.Row():
134
+ with gr.Column(scale=3):
135
+ instruction = gr.Textbox(placeholder="Hier Anweisung eingeben...", label="Anweisung")
136
+ output = gr.Textbox(
137
+ interactive=False,
138
+ lines=8,
139
+ label="Antwort",
140
+ placeholder="Hier Antwort erscheint...",
141
+ )
142
+ submit = gr.Button("Generate", variant="primary")
143
+ gr.Examples(examples=examples, inputs=[instruction])
144
+
145
+ with gr.Column(scale=1):
146
+ temperature = gr.Slider(
147
+ label="Temperature",
148
+ value=1.0,
149
+ minimum=0.0,
150
+ maximum=1.0,
151
+ step=0.1,
152
+ interactive=True,
153
+ info="The higher more random",
154
+ )
155
+ max_new_tokens = gr.Slider(
156
+ label="Max new tokens",
157
+ value=256,
158
+ minimum=0,
159
+ maximum=2048,
160
+ step=5,
161
+ interactive=True,
162
+ info="The maximum numbers of new tokens",
163
+ )
164
+ top_p = gr.Slider(
165
+ label="Top p",
166
+ value=0.9,
167
+ minimum=0.0,
168
+ maximum=1,
169
+ step=0.05,
170
+ interactive=True,
171
+ info="probabilities that add up are kept",
172
+ )
173
+ length_penalty = gr.Slider(
174
+ label="Length penalty",
175
+ value=1.0,
176
+ minimum=-10.0,
177
+ maximum=10.0,
178
+ step=0.1,
179
+ interactive=True,
180
+ info="> 0.0 longer, < 0.0 shorter",
181
+ )
182
+
183
+ submit.click(generate, inputs=[instruction, temperature, max_new_tokens, top_p, length_penalty], outputs=[output])
184
+ instruction.submit(
185
+ generate, inputs=[instruction, temperature, max_new_tokens, top_p, length_penalty], outputs=[output]
186
+ )
187
+
188
+ demo.queue()
189
+ demo.launch(share=True)
requirements.txt ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ git+https://github.com/huggingface/peft.git
2
+ git+https://github.com/gante/transformers.git@streamer_iterator
3
+ huggingface_hub
4
+ accelerate==0.17.1
5
+ evaluate==0.4.0
6
+ bitsandbytes==0.37.1
7
+ loralib