Pankaj Mathur commited on
Commit
335b148
1 Parent(s): ca3789c

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +114 -1
README.md CHANGED
@@ -3,4 +3,117 @@ language:
3
  - en
4
  library_name: transformers
5
  ---
6
- Coming Soon...
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
3
  - en
4
  library_name: transformers
5
  ---
6
+
7
+ # model_42_70b
8
+
9
+ A Llama2-70b model trained on Orca Style datasets.
10
+
11
+ **I am actively seeking sponsorship and partnership opportunities. If you're interested, please connect with me at www.linkedin.com/in/pankajam.**
12
+
13
+ ## Evaluation
14
+
15
+ We evaluated model_42_70b on a wide range of tasks using [Language Model Evaluation Harness](https://github.com/EleutherAI/lm-evaluation-harness) from EleutherAI.
16
+
17
+ Here are the results on metrics used by [HuggingFaceH4 Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)
18
+
19
+ |||||
20
+ |:------:|:--------:|:-------:|:--------:|
21
+ |**Task**|**Metric**|**Value**|**Stderr**|
22
+ |*arc_challenge*|acc_norm|0.6826|0.0141|
23
+ |*hellaswag*|acc_norm|0.8765|0.0038|
24
+ |*mmlu*|acc_norm|0.70|0.0351|
25
+ |*truthfulqa_mc*|mc2|0.4876|0.0157|
26
+ |**Total Average**|-|**0.6867**||
27
+
28
+
29
+ ## Example Usage
30
+
31
+ Here is the prompt format
32
+
33
+ ```
34
+ ### System:
35
+ You are an AI assistant that follows instruction extremely well. Help as much as you can.
36
+
37
+ ### User:
38
+ Tell me about Orcas.
39
+
40
+ ### Assistant:
41
+
42
+ ```
43
+
44
+ Below shows a code example on how to use this model
45
+
46
+ ```python
47
+ import torch
48
+ from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline
49
+
50
+ tokenizer = AutoTokenizer.from_pretrained("psmathur/model_42_70b")
51
+ model = AutoModelForCausalLM.from_pretrained(
52
+ "psmathur/model_42_70b",
53
+ torch_dtype=torch.float16,
54
+ load_in_8bit=True,
55
+ low_cpu_mem_usage=True,
56
+ device_map="auto"
57
+ )
58
+ system_prompt = "### System:\nYou are an AI assistant that follows instruction extremely well. Help as much as you can.\n\n"
59
+
60
+ #generate text steps
61
+ instruction = "Tell me about Orcas."
62
+ prompt = f"{system_prompt}### User: {instruction}\n\n### Assistant:\n"
63
+ inputs = tokenizer(prompt, return_tensors="pt").to("cuda")
64
+ output = model.generate(**inputs, do_sample=True, top_p=0.95, top_k=0, max_new_tokens=4096)
65
+
66
+ print(tokenizer.decode(output[0], skip_special_tokens=True))
67
+
68
+ ```
69
+
70
+
71
+ #### Limitations & Biases:
72
+
73
+ While this model aims for accuracy, it can occasionally produce inaccurate or misleading results.
74
+
75
+ Despite diligent efforts in refining the pretraining data, there remains a possibility for the generation of inappropriate, biased, or offensive content.
76
+
77
+ Exercise caution and cross-check information when necessary.
78
+
79
+
80
+
81
+ ### Citiation:
82
+
83
+ Please kindly cite using the following BibTeX:
84
+
85
+ ```
86
+ @misc{model_42_70b,
87
+ author = {Pankaj Mathur},
88
+ title = {model_42_70b: An Orca Style Llama2-70b model},
89
+ year = {2023},
90
+ publisher = {HuggingFace},
91
+ journal = {HuggingFace repository},
92
+ howpublished = {\url{https://https://huggingface.co/psmathur/model_42_70b},
93
+ }
94
+ ```
95
+
96
+ ```
97
+ @misc{mukherjee2023orca,
98
+ title={Orca: Progressive Learning from Complex Explanation Traces of GPT-4},
99
+ author={Subhabrata Mukherjee and Arindam Mitra and Ganesh Jawahar and Sahaj Agarwal and Hamid Palangi and Ahmed Awadallah},
100
+ year={2023},
101
+ eprint={2306.02707},
102
+ archivePrefix={arXiv},
103
+ primaryClass={cs.CL}
104
+ }
105
+ ```
106
+
107
+ ```
108
+ @software{touvron2023llama2,
109
+ title={Llama 2: Open Foundation and Fine-Tuned Chat Models},
110
+ author={Hugo Touvron, Louis Martin, Kevin Stone, Peter Albert, Amjad Almahairi, Yasmine Babaei, Nikolay Bashlykov, Soumya Batra, Prajjwal Bhargava,
111
+ Shruti Bhosale, Dan Bikel, Lukas Blecher, Cristian Canton Ferrer, Moya Chen, Guillem Cucurull, David Esiobu, Jude Fernandes, Jeremy Fu, Wenyin Fu, Brian Fuller,
112
+ Cynthia Gao, Vedanuj Goswami, Naman Goyal, Anthony Hartshorn, Saghar Hosseini, Rui Hou, Hakan Inan, Marcin Kardas, Viktor Kerkez Madian Khabsa, Isabel Kloumann,
113
+ Artem Korenev, Punit Singh Koura, Marie-Anne Lachaux, Thibaut Lavril, Jenya Lee, Diana Liskovich, Yinghai Lu, Yuning Mao, Xavier Martinet, Todor Mihaylov,
114
+ Pushkar Mishra, Igor Molybog, Yixin Nie, Andrew Poulton, Jeremy Reizenstein, Rashi Rungta, Kalyan Saladi, Alan Schelten, Ruan Silva, Eric Michael Smith,
115
+ Ranjan Subramanian, Xiaoqing Ellen Tan, Binh Tang, Ross Taylor, Adina Williams, Jian Xiang Kuan, Puxin Xu , Zheng Yan, Iliyan Zarov, Yuchen Zhang, Angela Fan,
116
+ Melanie Kambadur, Sharan Narang, Aurelien Rodriguez, Robert Stojnic, Sergey Edunov, Thomas Scialom},
117
+ year={2023}
118
+ }
119
+ ```