typeof commited on
Commit
0714bbc
1 Parent(s): ad89072
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. README.md +119 -0
  2. added_tokens.json +5 -0
  3. config.json +25 -0
  4. generation_config.json +6 -0
  5. model-00001-of-00291.safetensors +3 -0
  6. model-00002-of-00291.safetensors +3 -0
  7. model-00003-of-00291.safetensors +3 -0
  8. model-00004-of-00291.safetensors +3 -0
  9. model-00005-of-00291.safetensors +3 -0
  10. model-00006-of-00291.safetensors +3 -0
  11. model-00007-of-00291.safetensors +3 -0
  12. model-00008-of-00291.safetensors +3 -0
  13. model-00009-of-00291.safetensors +3 -0
  14. model-00010-of-00291.safetensors +3 -0
  15. model-00011-of-00291.safetensors +3 -0
  16. model-00012-of-00291.safetensors +3 -0
  17. model-00013-of-00291.safetensors +3 -0
  18. model-00014-of-00291.safetensors +3 -0
  19. model-00015-of-00291.safetensors +3 -0
  20. model-00016-of-00291.safetensors +3 -0
  21. model-00017-of-00291.safetensors +3 -0
  22. model-00018-of-00291.safetensors +3 -0
  23. model-00019-of-00291.safetensors +3 -0
  24. model-00020-of-00291.safetensors +3 -0
  25. model-00021-of-00291.safetensors +3 -0
  26. model-00022-of-00291.safetensors +3 -0
  27. model-00023-of-00291.safetensors +3 -0
  28. model-00024-of-00291.safetensors +3 -0
  29. model-00025-of-00291.safetensors +3 -0
  30. model-00026-of-00291.safetensors +3 -0
  31. model-00027-of-00291.safetensors +3 -0
  32. model-00028-of-00291.safetensors +3 -0
  33. model-00029-of-00291.safetensors +3 -0
  34. model-00030-of-00291.safetensors +3 -0
  35. model-00031-of-00291.safetensors +3 -0
  36. model-00032-of-00291.safetensors +3 -0
  37. model-00033-of-00291.safetensors +3 -0
  38. model-00034-of-00291.safetensors +3 -0
  39. model-00035-of-00291.safetensors +3 -0
  40. model-00036-of-00291.safetensors +3 -0
  41. model-00037-of-00291.safetensors +3 -0
  42. model-00038-of-00291.safetensors +3 -0
  43. model-00039-of-00291.safetensors +3 -0
  44. model-00040-of-00291.safetensors +3 -0
  45. model-00041-of-00291.safetensors +3 -0
  46. model-00042-of-00291.safetensors +3 -0
  47. model-00043-of-00291.safetensors +3 -0
  48. model-00044-of-00291.safetensors +3 -0
  49. model-00045-of-00291.safetensors +3 -0
  50. model-00046-of-00291.safetensors +3 -0
README.md ADDED
@@ -0,0 +1,119 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ ---
4
+
5
+ ## Fine-tuning on [Habana](https://habana.ai/) Gaudi2
6
+
7
+ This model is a fine-tuned model based on [mistralai/Mistral-7B-v0.1](https://huggingface.co/mistralai/Mistral-7B-v0.1) on the open source dataset [Open-Orca/SlimOrca](https://huggingface.co/datasets/Open-Orca/SlimOrca). Then we align it with DPO algorithm. For more details, you can refer our blog: [The Practice of Supervised Fine-tuning and Direct Preference Optimization on Habana Gaudi2](https://medium.com/@NeuralCompressor/the-practice-of-supervised-finetuning-and-direct-preference-optimization-on-habana-gaudi2-a1197d8a3cd3).
8
+
9
+ ## Model date
10
+ Neural-chat-7b-v3-1 was trained between September and October, 2023.
11
+
12
+ ## Evaluation
13
+
14
+ We submit our model to [open_llm_leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard), and the model performance has been **improved significantly** as we see from the average metric of 7 tasks from the leaderboard.
15
+
16
+ | Model | Average ⬆️| ARC (25-s) ⬆️ | HellaSwag (10-s) ⬆️ | MMLU (5-s) ⬆️| TruthfulQA (MC) (0-s) ⬆️ | Winogrande (5-s) | GSM8K (5-s) | DROP (3-s) |
17
+ | --- | --- | --- | --- | --- | --- | --- | --- | --- |
18
+ |[mistralai/Mistral-7B-v0.1](https://huggingface.co/mistralai/Mistral-7B-v0.1) | 50.32 | 59.58 | 83.31 | 64.16 | 42.15 | 78.37 | 18.12 | 6.14 |
19
+ | [Intel/neural-chat-7b-v3](https://huggingface.co/Intel/neural-chat-7b-v3) | **57.31** | 67.15 | 83.29 | 62.26 | 58.77 | 78.06 | 1.21 | 50.43 |
20
+ | [Intel/neural-chat-7b-v3-1](https://huggingface.co/Intel/neural-chat-7b-v3-1) | **59.06** | 66.21 | 83.64 | 62.37 | 59.65 | 78.14 | 19.56 | 43.84 |
21
+
22
+ ## Training procedure
23
+
24
+ ### Training hyperparameters
25
+
26
+ The following hyperparameters were used during training:
27
+ - learning_rate: 1e-04
28
+ - train_batch_size: 1
29
+ - eval_batch_size: 2
30
+ - seed: 42
31
+ - distributed_type: multi-HPU
32
+ - num_devices: 8
33
+ - gradient_accumulation_steps: 8
34
+ - total_train_batch_size: 64
35
+ - total_eval_batch_size: 8
36
+ - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
37
+ - lr_scheduler_type: cosine
38
+ - lr_scheduler_warmup_ratio: 0.03
39
+ - num_epochs: 2.0
40
+
41
+ ### Training sample code
42
+ Here is the sample code to reproduce the model: [Sample Code](https://github.com/intel/intel-extension-for-transformers/blob/main/intel_extension_for_transformers/neural_chat/examples/finetuning/finetune_neuralchat_v3/README.md).
43
+
44
+ ## Prompt Template
45
+
46
+ ```
47
+ ### System:
48
+ {system}
49
+ ### User:
50
+ {usr}
51
+ ### Assistant:
52
+
53
+ ```
54
+
55
+
56
+ ## Inference with transformers
57
+
58
+ ```python
59
+ import transformers
60
+
61
+
62
+ model_name = 'Intel/neural-chat-7b-v3-1'
63
+ model = transformers.AutoModelForCausalLM.from_pretrained(model_name)
64
+ tokenizer = transformers.AutoTokenizer.from_pretrained(model_name)
65
+
66
+
67
+ def generate_response(system_input, user_input):
68
+
69
+ # Format the input using the provided template
70
+ prompt = f"### System:\n{system_input}\n### User:\n{user_input}\n### Assistant:\n"
71
+
72
+ # Tokenize and encode the prompt
73
+ inputs = tokenizer.encode(prompt, return_tensors="pt")
74
+
75
+ # Generate a response
76
+ outputs = model.generate(inputs, max_length=1000, num_return_sequences=1)
77
+ response = tokenizer.decode(outputs[0], skip_special_tokens=True)
78
+
79
+ # Extract only the assistant's response
80
+ return response.split("### Assistant:\n")[-1]
81
+
82
+
83
+ # Example usage
84
+ system_input = "You are a chatbot developed by Intel. Please answer all questions to the best of your ability."
85
+ user_input = "How does the neural-chat-7b-v3-1 model work?"
86
+ response = generate_response(system_input, user_input)
87
+ print(response)
88
+ ```
89
+
90
+ ## Ethical Considerations and Limitations
91
+ neural-chat-7b-v3-1 can produce factually incorrect output, and should not be relied on to produce factually accurate information. neural-chat-7b-v3-1 was trained on [Open-Orca/SlimOrca](https://huggingface.co/datasets/Open-Orca/SlimOrca) based on [mistralai/Mistral-7B-v0.1](https://huggingface.co/mistralai/Mistral-7B-v0.1). Because of the limitations of the pretrained model and the finetuning datasets, it is possible that this model could generate lewd, biased or otherwise offensive outputs.
92
+
93
+ Therefore, before deploying any applications of neural-chat-7b-v3-1, developers should perform safety testing.
94
+
95
+ ## Disclaimer
96
+
97
+ The license on this model does not constitute legal advice. We are not responsible for the actions of third parties who use this model. Please cosult an attorney before using this model for commercial purposes.
98
+
99
+ ## Organizations developing the model
100
+
101
+ The NeuralChat team with members from Intel/DCAI/AISE/AIPT. Core team members: Kaokao Lv, Liang Lv, Chang Wang, Wenxin Zhang, Xuhui Ren, and Haihao Shen.
102
+
103
+ ## Useful links
104
+ * Intel Neural Compressor [link](https://github.com/intel/neural-compressor)
105
+ * Intel Extension for Transformers [link](https://github.com/intel/intel-extension-for-transformers)
106
+
107
+ # [Open LLM Leaderboard Evaluation Results](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard)
108
+ Detailed results can be found [here](https://huggingface.co/datasets/open-llm-leaderboard/details_Intel__neural-chat-7b-v3-1)
109
+
110
+ | Metric | Value |
111
+ |-----------------------|---------------------------|
112
+ | Avg. | 59.06 |
113
+ | ARC (25-shot) | 66.21 |
114
+ | HellaSwag (10-shot) | 83.64 |
115
+ | MMLU (5-shot) | 62.37 |
116
+ | TruthfulQA (0-shot) | 59.65 |
117
+ | Winogrande (5-shot) | 78.14 |
118
+ | GSM8K (5-shot) | 19.56 |
119
+ | DROP (3-shot) | 43.84 |
added_tokens.json ADDED
@@ -0,0 +1,5 @@
 
 
 
 
 
 
1
+ {
2
+ "</s>": 2,
3
+ "<s>": 1,
4
+ "<unk>": 0
5
+ }
config.json ADDED
@@ -0,0 +1,25 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "./mistral-7b-finetuned-orca-lora-1.1w",
3
+ "architectures": [
4
+ "MistralForCausalLM"
5
+ ],
6
+ "bos_token_id": 1,
7
+ "eos_token_id": 2,
8
+ "hidden_act": "silu",
9
+ "hidden_size": 4096,
10
+ "initializer_range": 0.02,
11
+ "intermediate_size": 14336,
12
+ "max_position_embeddings": 32768,
13
+ "model_type": "mistral",
14
+ "num_attention_heads": 32,
15
+ "num_hidden_layers": 32,
16
+ "num_key_value_heads": 8,
17
+ "rms_norm_eps": 1e-05,
18
+ "rope_theta": 10000.0,
19
+ "sliding_window": 4096,
20
+ "tie_word_embeddings": false,
21
+ "torch_dtype": "float16",
22
+ "transformers_version": "4.34.0",
23
+ "use_cache": true,
24
+ "vocab_size": 32000
25
+ }
generation_config.json ADDED
@@ -0,0 +1,6 @@
 
 
 
 
 
 
 
1
+ {
2
+ "_from_model_config": true,
3
+ "bos_token_id": 1,
4
+ "eos_token_id": 2,
5
+ "transformers_version": "4.34.0"
6
+ }
model-00001-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9c908aff25acae07854a06bb64c5a59f7189a4afb907eb960a068e743c7a9698
3
+ size 262144136
model-00002-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a9df4c8c33623639a92fe8afa0bcbfcbe0b0e654a83947b072c6984b899cef47
3
+ size 33554584
model-00003-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:986b11d302ee5fb87d12628e4d600d336f73fcd3fc63c9071f8d1a38eafdce20
3
+ size 8388752
model-00004-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1298a765e64c5081050f19ff4146ebe27611a8a763a8ecbc9c976df979ab4f55
3
+ size 8388752
model-00005-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:abb1f80d0b840a81409117b85b823bace5a6e7482a2f114d09f8ddb86d78e355
3
+ size 33554584
model-00006-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:2e061dd02baad487799adedca3deb06c3517269eefd48cb440db88de94b3d2c5
3
+ size 117440656
model-00007-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:05d9b9558b0fbe09b7771f42b7958d290a759ebfd25da2bcf85ccf241d901386
3
+ size 117440656
model-00008-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:236d27ea9a8fd4eb261dc9796f0e2d2e0ef1cf0f43d82f342acef23110786f73
3
+ size 117440656
model-00009-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b9600264776e2da45ff90868e8c333de2f3767a7c7649b29e83f1b7ffe576354
3
+ size 8328
model-00010-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:00d6621cb3a9add63b96c41a86e99949b718dfa4a4d626164b1dea8ca9042813
3
+ size 8336
model-00011-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ae146aeae15b708c6e426e91e621e7984c050b0761dc055adc2845682565934c
3
+ size 33554584
model-00012-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c7c6ff3e1ef2053ee61d2bbb3fdda1203bed5131770eca58b3ba4afd43b3d1b2
3
+ size 8388752
model-00013-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4da77b7cf0f6330b74b49f761f0dbaf7a792a71f06446e9f0287a119083c5e3e
3
+ size 8388752
model-00014-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:537a95faa3ad31de95f2e16e8d55f5004c6487c65b7fbbccd8792b3492ea7bd8
3
+ size 33554584
model-00015-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:42a27e587090e7024f53b7dce5ef90bba06d437b6198af88af7c1f20f0ffa1bc
3
+ size 117440656
model-00016-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5cb8928c54a57a716f77cf4e98af1faa72d91f1f53946511dcabd23f1465eddb
3
+ size 117440656
model-00017-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:35b6ee1b5d5b941cc6678bdc401269db52658b9b5dedc2ef12731e8390772026
3
+ size 117440656
model-00018-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e6b96fd47271f17c5fb775b784c6f4d072d7da3ab5552d8bfa2cdc723fae5b48
3
+ size 8328
model-00019-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:3201952d171d8182780dea2b64078efd83c1d4e83da15e214e732e2ee1498711
3
+ size 8336
model-00020-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:67606986af2187ef6dec023cba937dc18ba41b8bf6081105c3dff508a00ebfa4
3
+ size 33554584
model-00021-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:cf4d38379f5754b5284ef9295952a3594a8cc58bc25985701b11eb2aca339e66
3
+ size 8388752
model-00022-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:54d22187907626f1b96554d79b35f543438fb5fac5a53d627d976de5c3d22d1b
3
+ size 8388752
model-00023-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d2f9010c10b8237d437a8f68aafe98102ad0c0f7f725e064c396aae6f14b4106
3
+ size 33554584
model-00024-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:82808852dbce5fc09274b88017426a4bd3d237a7d037757814a37de170c90542
3
+ size 117440656
model-00025-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d46785e11dee9cc8f9fc99b0db1d8bb32a3c7ea839bae354ff0e79573a90f978
3
+ size 117440656
model-00026-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1192cc3de74ba5fc67467bf39d4ad9fa682d79b68c7808ab46b86b99df37d3a4
3
+ size 117440656
model-00027-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ba5529322cb7a2dc6216ee80e13c87a7eeddbad3c541e01fb9b42cfc62bbfbb2
3
+ size 8328
model-00028-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0e70aaeb2fbeb160a2e13e4cc8903603f90b448b4e4f31401116bd6c0623b543
3
+ size 8336
model-00029-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:95109f520e9e13a9b050078a790201c2293408d5aa8bed241b87c249ce8e68f8
3
+ size 33554584
model-00030-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8561070dbc47a30404e6895c083a09d4434c8c909579925400f792afaca09c7f
3
+ size 8388752
model-00031-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:3f906058ecef0d319b9198873bce65826960db71bb4a1bdf89e26e9a2fa4b3b3
3
+ size 8388752
model-00032-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:19033ff660ac3cd64bf9afb31ca03aef40b3e96cd42cc62216934bced2a6fa0d
3
+ size 33554584
model-00033-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:095b17e2838ca504fdd698bbc11296e0b546c6cd110b9329532fd68f6b67c09e
3
+ size 117440656
model-00034-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:98c4ff195dd97c47c8b0dbc1fd26137311ca59d3ddbb967ef4cf1d0a38d7710b
3
+ size 117440656
model-00035-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:cb3db3fd11c107cda27cc916182672b5505b24d0574dbcd08c28d1d0befe3098
3
+ size 117440656
model-00036-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:490079cf9434c37e10e2b1ec82aba9f472f61dc1facc3a51935f9968648cfa28
3
+ size 8328
model-00037-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1cef7eac9a0d6970a7119742998e1ef4a27866ed93fe200cc648608eba7db1a1
3
+ size 8336
model-00038-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a419de0863535a716a0fe1bff91589dfd3d9a8b63907e9f15e073027f4fdde1c
3
+ size 33554584
model-00039-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:741e814f1aaf1347481900fba26ddecdc11eb52458141cfa2f5af7e278f11448
3
+ size 8388752
model-00040-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b8a657efdc232078c37990408a732944447d7b845396c8f4dae55722c35a0f39
3
+ size 8388752
model-00041-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:68d167e55848f696c750fac6a3999849b30f9908e15062f41bcd84bf813c15a5
3
+ size 33554584
model-00042-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:65a7a0326afe564e3e9e48a5bdaab2162cf59698cfde221569d96d2a9256ed03
3
+ size 117440656
model-00043-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ae3d9e1a426944d4104cc4d78f6c90ea991d23a59754a6054dfe922f65f7cc70
3
+ size 117440656
model-00044-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b65400818b600e1a7bd1891a7b45be59b44d5a4bc1b3e94d6662f6888d1f6655
3
+ size 117440656
model-00045-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:252980ee917b6599d11f25f569585aebb0adecb3ea7d210d4411d41d1906a580
3
+ size 8328
model-00046-of-00291.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ed0cdacb2a65315e7d61ff7f62dfcd45126452207e2ab6966f09851347efc4d5
3
+ size 8336