æLtorio commited on
Commit
c1a2f8d
·
unverified ·
1 Parent(s): 841af45

don't launch on CPU

Browse files
Files changed (1) hide show
  1. app.py +98 -63
app.py CHANGED
@@ -2,80 +2,115 @@ import gradio as gr
2
  from transformers import AutoProcessor, AutoTokenizer
3
  from peft import AutoPeftModelForCausalLM
4
  import torch
 
 
 
 
5
 
6
  hugging_face_model_id = "eltorio/Llama-3.2-3B-appreciation"
7
  base_model_path = "meta-llama/Llama-3.2-3B-Instruct"
8
- # Determine the device (GPU or CPU) to run the model on
9
  device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu')
10
- print(f"Using device: {device}") # Log the device being used
11
- # Initialize the processor from the base model path
12
- processor = AutoProcessor.from_pretrained(base_model_path, trust_remote_code=True)
13
- # Initialize the model from the base model path and set the torch dtype to bfloat16
14
- peft_model = AutoPeftModelForCausalLM.from_pretrained(hugging_face_model_id)
15
- merged_model = peft_model.merge_and_unload()
16
- tokenizer = AutoTokenizer.from_pretrained(hugging_face_model_id)
 
 
 
 
 
 
 
 
 
 
 
17
 
 
 
18
 
19
- #tokenizer = get_chat_template(
20
- # tokenizer,
21
- # chat_template = "llama-3.1",
22
- #)
 
 
 
 
 
23
 
24
- # Define a function to infer a evaluation from the incoming parameters
25
- def infere(trimestre: str, moyenne_1: float,moyenne_2: float,moyenne_3: float, comportement: float, participation: float, travail: float) -> str:
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
26
 
27
- if trimestre == "1":
28
- trimestre_full = "premier trimestre"
29
- user_question = f"Veuillez rédiger une appréciation en moins de 40 mots pour le {trimestre_full} pour cet élève qui a eu {moyenne_1} de moyenne, j'ai évalué son comportement à {comportement}/10, sa participation à {participation}/10 et son travail à {travail}/10. Les notes ne doivent pas apparaître dans l'appréciation."
30
- elif trimestre == "2":
31
- trimestre_full = "deuxième trimestre"
32
- user_question = f"Veuillez rédiger une appréciation en moins de 40 mots pour le {trimestre_full} pour cet élève qui a eu {moyenne_2} de moyenne ce trimestre et {moyenne_1} au premier trimestre, j'ai évalué son comportement à {comportement}/10, sa participation à {participation}/10 et son travail à {travail}/10. Les notes ne doivent pas apparaître dans l'appréciation."
33
- elif trimestre == "3":
34
- trimestre_full = "troisième trimestre"
35
- user_question= f"Veuillez rédiger une appréciation en moins de 40 mots pour le {trimestre_full} pour cet élève qui a eu {moyenne_3} de moyenne ce trimestre, {moyenne_2} au deuxième trimestre et {moyenne_1} au premier trimestre, j'ai évalué son comportement à {comportement}/10, sa participation à {participation}/10 et son travail à {travail}/10. Les notes ne doivent pas apparaître dans l'appréciation."
36
 
37
- # Define a chat template for the model to respond to
38
- messages = [
39
- {
40
- "role": "system",
41
- "content": "Vous êtes une IA assistant les enseignants d'histoire-géographie en rédigeant à leur place une appréciation personnalisée pour leur élève en fonction de ses performances. Votre appreciation doit être en français, bienveillante, constructive, et aider l'élève à comprendre ses points forts et les axes d'amélioration. Votre appréciation doit comporter de 1 à 40 mots. Votre appréciation ne doit jamais comporter la valeur de la note. Votre appréciation doit utiliser le style impersonnel."},
42
- {
43
- "role": "user",
44
- "content": user_question},
45
- ]
46
- inputs = tokenizer.apply_chat_template(
47
- messages,
48
- tokenize = True,
49
- add_generation_prompt = True, # Must add for generation
50
- return_tensors = "pt",).to(device)
51
- outputs = merged_model.generate(input_ids = inputs, max_new_tokens = 90, use_cache = True,
52
- temperature = 1.5, min_p = 0.1)
53
- decoded_sequences = tokenizer.batch_decode(outputs[:, inputs.shape[1]:],skip_special_tokens=True)[0]
54
- return decoded_sequences
55
 
56
- # Define the title, description, and device description for the Gradio interface
57
- title = f"Une intelligence artificielle pour écrire des appréciationst <b>tourne sur {device}</b>"
58
- desc = "Ce modèle vous propose une évaluation automatique."
 
 
 
 
 
 
 
 
 
 
 
59
 
60
- device_desc = f"Ce fonctionne fonctionne sur {device} 🚀." if device == torch.device('cuda') else f"🐢 Cette I.A. fonctionne sur {device} 🐢."
 
 
 
 
 
 
 
 
 
61
 
62
- # Define the long description for the Gradio interface
63
- long_desc = f"Cette démonstration est basée sur le modèle <a href='https://huggingface.co/eltorio/Llama-3.2-3B-appreciation'>Llama-3.2-3B-appreciation</a>, c'est un LLM basé sur Llama 3.2 3B-instruct!<br><b>{device_desc}</b><br> 2024 - Ronan Le Meillat"
64
 
65
- # Create a Gradio interface with the infere function and specified title and descriptions
66
- autoeval = gr.Interface(fn=infere, inputs=[
67
- gr.Radio(
68
- ["1", "2", "3"], value="1", label="trimestre", info="Trimestre"
69
- ),
70
- gr.Slider(0, 20,label="moyenne_1", value=10, info="Moyenne trimestre 1"),
71
- gr.Slider(0, 20,label="moyenne_2", value=10, info="Moyenne trimestre 2"),
72
- gr.Slider(0, 20,label="moyenne_3", value=10, info="Moyenne trimestre 3"),
73
- gr.Slider(0, 10, value=5, label="comportement", info="Comportement (1 à 10)"),
74
- gr.Slider(0, 10, value=5, label="participation", info="Participation (1 à 10)"),
75
- gr.Slider(0, 10, value=5, label="travail", info="Travail (1 à 10)"),
76
-
77
- ], outputs="text", title=title,
78
- description=desc, article=long_desc)
79
 
80
- # Launch the Gradio interface and share it
81
- autoeval.launch(server_name="0.0.0.0",share=False)
 
2
  from transformers import AutoProcessor, AutoTokenizer
3
  from peft import AutoPeftModelForCausalLM
4
  import torch
5
+ import os
6
+
7
+ if os.environ.get('HF_TOKEN') is None:
8
+ raise ValueError("You must set the HF_TOKEN environment variable to use this script, you also need to have access to the Llama 3.2 model family")
9
 
10
  hugging_face_model_id = "eltorio/Llama-3.2-3B-appreciation"
11
  base_model_path = "meta-llama/Llama-3.2-3B-Instruct"
 
12
  device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu')
13
+ device_desc = f"Cette I.A. fonctionne sur {device} 🚀." if device == torch.device('cuda') else f"🐢 Cette I.A. ne peut pas fonctionner sur {device} 🐢."
14
+
15
+ if torch.cuda.is_available():
16
+ # Determine the device (GPU or CPU) to run the model on
17
+ device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu')
18
+ print(f"Using device: {device}") # Log the device being used
19
+ # Initialize the processor from the base model path
20
+ processor = AutoProcessor.from_pretrained(base_model_path, trust_remote_code=True)
21
+ # Initialize the model from the base model path and set the torch dtype to bfloat16
22
+ peft_model = AutoPeftModelForCausalLM.from_pretrained(hugging_face_model_id)
23
+ merged_model = peft_model.merge_and_unload()
24
+ tokenizer = AutoTokenizer.from_pretrained(hugging_face_model_id)
25
+
26
+
27
+ #tokenizer = get_chat_template(
28
+ # tokenizer,
29
+ # chat_template = "llama-3.1",
30
+ #)
31
 
32
+ # Define a function to infer a evaluation from the incoming parameters
33
+ def infere(trimestre: str, moyenne_1: float,moyenne_2: float,moyenne_3: float, comportement: float, participation: float, travail: float) -> str:
34
 
35
+ if trimestre == "1":
36
+ trimestre_full = "premier trimestre"
37
+ user_question = f"Veuillez rédiger une appréciation en moins de 40 mots pour le {trimestre_full} pour cet élève qui a eu {moyenne_1} de moyenne, j'ai évalué son comportement à {comportement}/10, sa participation à {participation}/10 et son travail à {travail}/10. Les notes ne doivent pas apparaître dans l'appréciation."
38
+ elif trimestre == "2":
39
+ trimestre_full = "deuxième trimestre"
40
+ user_question = f"Veuillez rédiger une appréciation en moins de 40 mots pour le {trimestre_full} pour cet élève qui a eu {moyenne_2} de moyenne ce trimestre et {moyenne_1} au premier trimestre, j'ai évalué son comportement à {comportement}/10, sa participation à {participation}/10 et son travail à {travail}/10. Les notes ne doivent pas apparaître dans l'appréciation."
41
+ elif trimestre == "3":
42
+ trimestre_full = "troisième trimestre"
43
+ user_question= f"Veuillez rédiger une appréciation en moins de 40 mots pour le {trimestre_full} pour cet élève qui a eu {moyenne_3} de moyenne ce trimestre, {moyenne_2} au deuxième trimestre et {moyenne_1} au premier trimestre, j'ai évalué son comportement à {comportement}/10, sa participation à {participation}/10 et son travail à {travail}/10. Les notes ne doivent pas apparaître dans l'appréciation."
44
 
45
+ # Define a chat template for the model to respond to
46
+ messages = [
47
+ {
48
+ "role": "system",
49
+ "content": "Vous êtes une IA assistant les enseignants d'histoire-géographie en rédigeant à leur place une appréciation personnalisée pour leur élève en fonction de ses performances. Votre appreciation doit être en français, bienveillante, constructive, et aider l'élève à comprendre ses points forts et les axes d'amélioration. Votre appréciation doit comporter de 1 à 40 mots. Votre appréciation ne doit jamais comporter la valeur de la note. Votre appréciation doit utiliser le style impersonnel."},
50
+ {
51
+ "role": "user",
52
+ "content": user_question},
53
+ ]
54
+ inputs = tokenizer.apply_chat_template(
55
+ messages,
56
+ tokenize = True,
57
+ add_generation_prompt = True, # Must add for generation
58
+ return_tensors = "pt",).to(device)
59
+ outputs = merged_model.generate(input_ids = inputs, max_new_tokens = 90, use_cache = True,
60
+ temperature = 1.5, min_p = 0.1)
61
+ decoded_sequences = tokenizer.batch_decode(outputs[:, inputs.shape[1]:],skip_special_tokens=True)[0]
62
+ return decoded_sequences
63
 
64
+ # Define the title, description, and device description for the Gradio interface
65
+ title = f"Une intelligence artificielle pour écrire des appréciationst <b>tourne sur {device}</b>"
66
+ desc = "Ce modèle vous propose une évaluation automatique."
 
 
 
 
 
 
67
 
68
+ # Define the long description for the Gradio interface
69
+ long_desc = f"Cette démonstration est basée sur le modèle <a href='https://huggingface.co/eltorio/Llama-3.2-3B-appreciation'>Llama-3.2-3B-appreciation</a>, c'est un LLM basé sur Llama 3.2 3B-instruct!<br><b>{device_desc}</b><br> 2024 - Ronan Le Meillat"
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
70
 
71
+ # Create a Gradio interface with the infere function and specified title and descriptions
72
+ autoeval = gr.Interface(fn=infere, inputs=[
73
+ gr.Radio(
74
+ ["1", "2", "3"], value="1", label="trimestre", info="Trimestre"
75
+ ),
76
+ gr.Slider(0, 20,label="moyenne_1", value=10, info="Moyenne trimestre 1"),
77
+ gr.Slider(0, 20,label="moyenne_2", value=10, info="Moyenne trimestre 2"),
78
+ gr.Slider(0, 20,label="moyenne_3", value=10, info="Moyenne trimestre 3"),
79
+ gr.Slider(0, 10, value=5, label="comportement", info="Comportement (1 à 10)"),
80
+ gr.Slider(0, 10, value=5, label="participation", info="Participation (1 à 10)"),
81
+ gr.Slider(0, 10, value=5, label="travail", info="Travail (1 à 10)"),
82
+
83
+ ], outputs="text", title=title,
84
+ description=desc, article=long_desc)
85
 
86
+ # Launch the Gradio interface and share it
87
+ autoeval.launch(server_name="0.0.0.0",share=False)
88
+ else:
89
+ print("No GPU available")
90
+ device = torch.device('cpu')
91
+ def infere(trimestre: str, moyenne_1: float,moyenne_2: float,moyenne_3: float, comportement: float, participation: float, travail: float) -> str:
92
+ return "No GPU available, please contact me"
93
+
94
+ title = f"Une intelligence artificielle pour écrire des appréciationst <b>tourne sur {device}</b>"
95
+ desc = "Ce modèle vous propose une évaluation automatique."
96
 
97
+ # Define the long description for the Gradio interface
98
+ long_desc = f"Cette démonstration est basée sur le modèle <a href='https://huggingface.co/eltorio/Llama-3.2-3B-appreciation'>Llama-3.2-3B-appreciation</a>, c'est un LLM basé sur Llama 3.2 3B-instruct!<br><b>{device_desc}</b><br> 2024 - Ronan Le Meillat"
99
 
100
+ # Create a Gradio interface with the infere function and specified title and descriptions
101
+ autoeval = gr.Interface(fn=infere, inputs=[
102
+ gr.Radio(
103
+ ["1", "2", "3"], value="1", label="trimestre", info="Trimestre"
104
+ ),
105
+ gr.Slider(0, 20,label="moyenne_1", value=10, info="Moyenne trimestre 1"),
106
+ gr.Slider(0, 20,label="moyenne_2", value=10, info="Moyenne trimestre 2"),
107
+ gr.Slider(0, 20,label="moyenne_3", value=10, info="Moyenne trimestre 3"),
108
+ gr.Slider(0, 10, value=5, label="comportement", info="Comportement (1 à 10)"),
109
+ gr.Slider(0, 10, value=5, label="participation", info="Participation (1 à 10)"),
110
+ gr.Slider(0, 10, value=5, label="travail", info="Travail (1 à 10)"),
111
+
112
+ ], outputs="text", title=title,
113
+ description=desc, article=long_desc)
114
 
115
+ # Launch the Gradio interface and share it
116
+ autoeval.launch(server_name="0.0.0.0",share=False)