babelmanish commited on
Commit
7c43ff9
·
verified ·
1 Parent(s): a91b0e2

Add new SentenceTransformer model

Browse files
README.md ADDED
@@ -0,0 +1,423 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ tags:
3
+ - sentence-transformers
4
+ - sentence-similarity
5
+ - feature-extraction
6
+ - generated_from_trainer
7
+ - dataset_size:53
8
+ - loss:MultipleNegativesRankingLoss
9
+ base_model: sentence-transformers/clip-ViT-L-14
10
+ widget:
11
+ - source_sentence: The Hugging Face Transformers Library | Example Code + Chatbot
12
+ UI with Gradio
13
+ sentences:
14
+ - Shit Happens, Stay Solution Oriented
15
+ - 3 Ways to Make a Custom AI Assistant | RAG, Tools, & Fine-tuning
16
+ - How to Manage Data Science Projects
17
+ - source_sentence: 5 Questions Every Data Scientist Should Hardcode into Their Brain
18
+ sentences:
19
+ - 5 AI Projects You Can Build This Weekend (with Python)
20
+ - An Introduction to Decision Trees | Gini Impurity & Python Code
21
+ - How to Deploy ML Solutions with FastAPI, Docker, & AWS
22
+ - source_sentence: My $100,000+ Data Science Resume (what got me hired)
23
+ sentences:
24
+ - The Mapper Algorithm | Overview & Python Example Code
25
+ - How to Build Data Pipelines for ML Projects (w/ Python Code)
26
+ - How to Make a Data Science Portfolio With GitHub Pages (2024)
27
+ datasets:
28
+ - shawhin/yt-title-thumbnail-pairs
29
+ pipeline_tag: sentence-similarity
30
+ library_name: sentence-transformers
31
+ metrics:
32
+ - cosine_accuracy
33
+ model-index:
34
+ - name: SentenceTransformer based on sentence-transformers/clip-ViT-L-14
35
+ results:
36
+ - task:
37
+ type: triplet
38
+ name: Triplet
39
+ dataset:
40
+ name: yt title thumbnail train
41
+ type: yt-title-thumbnail-train
42
+ metrics:
43
+ - type: cosine_accuracy
44
+ value: 1.0
45
+ name: Cosine Accuracy
46
+ - task:
47
+ type: triplet
48
+ name: Triplet
49
+ dataset:
50
+ name: yt title thumbnail valid
51
+ type: yt-title-thumbnail-valid
52
+ metrics:
53
+ - type: cosine_accuracy
54
+ value: 1.0
55
+ name: Cosine Accuracy
56
+ ---
57
+
58
+ # SentenceTransformer based on sentence-transformers/clip-ViT-L-14
59
+
60
+ This is a [sentence-transformers](https://www.SBERT.net) model finetuned from [sentence-transformers/clip-ViT-L-14](https://huggingface.co/sentence-transformers/clip-ViT-L-14) on the [yt-title-thumbnail-pairs](https://huggingface.co/datasets/shawhin/yt-title-thumbnail-pairs) dataset. It maps sentences & paragraphs to a None-dimensional dense vector space and can be used for semantic textual similarity, semantic search, paraphrase mining, text classification, clustering, and more.
61
+
62
+ ## Model Details
63
+
64
+ ### Model Description
65
+ - **Model Type:** Sentence Transformer
66
+ - **Base model:** [sentence-transformers/clip-ViT-L-14](https://huggingface.co/sentence-transformers/clip-ViT-L-14) <!-- at revision 3b12140ad0f9750045e404f187cfccd04bcaf250 -->
67
+ - **Maximum Sequence Length:** None tokens
68
+ - **Output Dimensionality:** None dimensions
69
+ - **Similarity Function:** Cosine Similarity
70
+ - **Training Dataset:**
71
+ - [yt-title-thumbnail-pairs](https://huggingface.co/datasets/shawhin/yt-title-thumbnail-pairs)
72
+ <!-- - **Language:** Unknown -->
73
+ <!-- - **License:** Unknown -->
74
+
75
+ ### Model Sources
76
+
77
+ - **Documentation:** [Sentence Transformers Documentation](https://sbert.net)
78
+ - **Repository:** [Sentence Transformers on GitHub](https://github.com/UKPLab/sentence-transformers)
79
+ - **Hugging Face:** [Sentence Transformers on Hugging Face](https://huggingface.co/models?library=sentence-transformers)
80
+
81
+ ### Full Model Architecture
82
+
83
+ ```
84
+ SentenceTransformer(
85
+ (0): CLIPModel()
86
+ )
87
+ ```
88
+
89
+ ## Usage
90
+
91
+ ### Direct Usage (Sentence Transformers)
92
+
93
+ First install the Sentence Transformers library:
94
+
95
+ ```bash
96
+ pip install -U sentence-transformers
97
+ ```
98
+
99
+ Then you can load this model and run inference.
100
+ ```python
101
+ from sentence_transformers import SentenceTransformer
102
+
103
+ # Download from the 🤗 Hub
104
+ model = SentenceTransformer("babelmanish/clip-title-thumbnail-embeddings")
105
+ # Run inference
106
+ sentences = [
107
+ 'My $100,000+ Data Science Resume (what got me hired)',
108
+ 'The Mapper Algorithm | Overview & Python Example Code',
109
+ 'How to Build Data Pipelines for ML Projects (w/ Python Code)',
110
+ ]
111
+ embeddings = model.encode(sentences)
112
+ print(embeddings.shape)
113
+ # [3, 1024]
114
+
115
+ # Get the similarity scores for the embeddings
116
+ similarities = model.similarity(embeddings, embeddings)
117
+ print(similarities.shape)
118
+ # [3, 3]
119
+ ```
120
+
121
+ <!--
122
+ ### Direct Usage (Transformers)
123
+
124
+ <details><summary>Click to see the direct usage in Transformers</summary>
125
+
126
+ </details>
127
+ -->
128
+
129
+ <!--
130
+ ### Downstream Usage (Sentence Transformers)
131
+
132
+ You can finetune this model on your own dataset.
133
+
134
+ <details><summary>Click to expand</summary>
135
+
136
+ </details>
137
+ -->
138
+
139
+ <!--
140
+ ### Out-of-Scope Use
141
+
142
+ *List how the model may foreseeably be misused and address what users ought not to do with the model.*
143
+ -->
144
+
145
+ ## Evaluation
146
+
147
+ ### Metrics
148
+
149
+ #### Triplet
150
+
151
+ * Datasets: `yt-title-thumbnail-train` and `yt-title-thumbnail-valid`
152
+ * Evaluated with [<code>TripletEvaluator</code>](https://sbert.net/docs/package_reference/sentence_transformer/evaluation.html#sentence_transformers.evaluation.TripletEvaluator)
153
+
154
+ | Metric | yt-title-thumbnail-train | yt-title-thumbnail-valid |
155
+ |:--------------------|:-------------------------|:-------------------------|
156
+ | **cosine_accuracy** | **1.0** | **1.0** |
157
+
158
+ <!--
159
+ ## Bias, Risks and Limitations
160
+
161
+ *What are the known or foreseeable issues stemming from this model? You could also flag here known failure cases or weaknesses of the model.*
162
+ -->
163
+
164
+ <!--
165
+ ### Recommendations
166
+
167
+ *What are recommendations with respect to the foreseeable issues? For example, filtering explicit content.*
168
+ -->
169
+
170
+ ## Training Details
171
+
172
+ ### Training Dataset
173
+
174
+ #### yt-title-thumbnail-pairs
175
+
176
+ * Dataset: [yt-title-thumbnail-pairs](https://huggingface.co/datasets/shawhin/yt-title-thumbnail-pairs) at [c1b9a13](https://huggingface.co/datasets/shawhin/yt-title-thumbnail-pairs/tree/c1b9a131c52a15636472e440835e2b8634799f0e)
177
+ * Size: 53 training samples
178
+ * Columns: <code>anchor</code>, <code>positive</code>, and <code>negative</code>
179
+ * Approximate statistics based on the first 53 samples:
180
+ | | anchor | positive | negative |
181
+ |:--------|:----------------------------------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|
182
+ | type | PIL.JpegImagePlugin.JpegImageFile | string | string |
183
+ | details | <ul><li></li></ul> | <ul><li>min: 9 tokens</li><li>mean: 15.04 tokens</li><li>max: 27 tokens</li></ul> | <ul><li>min: 10 tokens</li><li>mean: 15.3 tokens</li><li>max: 27 tokens</li></ul> |
184
+ * Samples:
185
+ | anchor | positive | negative |
186
+ |:--------------------------------------------------------------------------------------------|:--------------------------------------------------------------------------|:----------------------------------------------------------------------|
187
+ | <code><PIL.JpegImagePlugin.JpegImageFile image mode=RGB size=480x360 at 0x2958D1810></code> | <code>Multimodal RAG: A Beginner-friendly Guide (with Python Code)</code> | <code>What Nature Can Teach Us About Business...</code> |
188
+ | <code><PIL.JpegImagePlugin.JpegImageFile image mode=RGB size=480x360 at 0x2958D16F0></code> | <code>Detecting Power Laws in Real-world Data | w/ Python Code</code> | <code>I Have 90 Days to Make $10k/mo—Here's my plan</code> |
189
+ | <code><PIL.JpegImagePlugin.JpegImageFile image mode=RGB size=480x360 at 0x2958D1DB0></code> | <code>I Quit My Job… Here’s How Much I Made 1 Year Later</code> | <code>Persistent Homology | Introduction & Python Example Code</code> |
190
+ * Loss: [<code>MultipleNegativesRankingLoss</code>](https://sbert.net/docs/package_reference/sentence_transformer/losses.html#multiplenegativesrankingloss) with these parameters:
191
+ ```json
192
+ {
193
+ "scale": 20.0,
194
+ "similarity_fct": "cos_sim"
195
+ }
196
+ ```
197
+
198
+ ### Evaluation Dataset
199
+
200
+ #### yt-title-thumbnail-pairs
201
+
202
+ * Dataset: [yt-title-thumbnail-pairs](https://huggingface.co/datasets/shawhin/yt-title-thumbnail-pairs) at [c1b9a13](https://huggingface.co/datasets/shawhin/yt-title-thumbnail-pairs/tree/c1b9a131c52a15636472e440835e2b8634799f0e)
203
+ * Size: 11 evaluation samples
204
+ * Columns: <code>anchor</code>, <code>positive</code>, and <code>negative</code>
205
+ * Approximate statistics based on the first 11 samples:
206
+ | | anchor | positive | negative |
207
+ |:--------|:----------------------------------|:----------------------------------------------------------------------------------|:----------------------------------------------------------------------------------|
208
+ | type | PIL.JpegImagePlugin.JpegImageFile | string | string |
209
+ | details | <ul><li></li></ul> | <ul><li>min: 8 tokens</li><li>mean: 14.27 tokens</li><li>max: 21 tokens</li></ul> | <ul><li>min: 8 tokens</li><li>mean: 14.36 tokens</li><li>max: 19 tokens</li></ul> |
210
+ * Samples:
211
+ | anchor | positive | negative |
212
+ |:--------------------------------------------------------------------------------------------|:------------------------------------------------------------------|:--------------------------------------------------------------------------------|
213
+ | <code><PIL.JpegImagePlugin.JpegImageFile image mode=RGB size=480x360 at 0x15009A710></code> | <code>I Was Wrong About AI Consulting (what I learned)</code> | <code>How to Make a Data Science Portfolio With GitHub Pages (2024)</code> |
214
+ | <code><PIL.JpegImagePlugin.JpegImageFile image mode=RGB size=480x360 at 0x15009A620></code> | <code>My $100,000+ Data Science Resume (what got me hired)</code> | <code>The Mapper Algorithm | Overview & Python Example Code</code> |
215
+ | <code><PIL.JpegImagePlugin.JpegImageFile image mode=RGB size=480x360 at 0x15009A6B0></code> | <code>4 Skills You Need to Be a Full-Stack Data Scientist</code> | <code>Fine-Tuning Text Embeddings For Domain-specific Search (w/ Python)</code> |
216
+ * Loss: [<code>MultipleNegativesRankingLoss</code>](https://sbert.net/docs/package_reference/sentence_transformer/losses.html#multiplenegativesrankingloss) with these parameters:
217
+ ```json
218
+ {
219
+ "scale": 20.0,
220
+ "similarity_fct": "cos_sim"
221
+ }
222
+ ```
223
+
224
+ ### Training Hyperparameters
225
+ #### Non-Default Hyperparameters
226
+
227
+ - `eval_strategy`: epoch
228
+ - `per_device_train_batch_size`: 16
229
+ - `per_device_eval_batch_size`: 16
230
+ - `learning_rate`: 0.0001
231
+ - `num_train_epochs`: 2
232
+
233
+ #### All Hyperparameters
234
+ <details><summary>Click to expand</summary>
235
+
236
+ - `overwrite_output_dir`: False
237
+ - `do_predict`: False
238
+ - `eval_strategy`: epoch
239
+ - `prediction_loss_only`: True
240
+ - `per_device_train_batch_size`: 16
241
+ - `per_device_eval_batch_size`: 16
242
+ - `per_gpu_train_batch_size`: None
243
+ - `per_gpu_eval_batch_size`: None
244
+ - `gradient_accumulation_steps`: 1
245
+ - `eval_accumulation_steps`: None
246
+ - `torch_empty_cache_steps`: None
247
+ - `learning_rate`: 0.0001
248
+ - `weight_decay`: 0.0
249
+ - `adam_beta1`: 0.9
250
+ - `adam_beta2`: 0.999
251
+ - `adam_epsilon`: 1e-08
252
+ - `max_grad_norm`: 1.0
253
+ - `num_train_epochs`: 2
254
+ - `max_steps`: -1
255
+ - `lr_scheduler_type`: linear
256
+ - `lr_scheduler_kwargs`: {}
257
+ - `warmup_ratio`: 0.0
258
+ - `warmup_steps`: 0
259
+ - `log_level`: passive
260
+ - `log_level_replica`: warning
261
+ - `log_on_each_node`: True
262
+ - `logging_nan_inf_filter`: True
263
+ - `save_safetensors`: True
264
+ - `save_on_each_node`: False
265
+ - `save_only_model`: False
266
+ - `restore_callback_states_from_checkpoint`: False
267
+ - `no_cuda`: False
268
+ - `use_cpu`: False
269
+ - `use_mps_device`: False
270
+ - `seed`: 42
271
+ - `data_seed`: None
272
+ - `jit_mode_eval`: False
273
+ - `use_ipex`: False
274
+ - `bf16`: False
275
+ - `fp16`: False
276
+ - `fp16_opt_level`: O1
277
+ - `half_precision_backend`: auto
278
+ - `bf16_full_eval`: False
279
+ - `fp16_full_eval`: False
280
+ - `tf32`: None
281
+ - `local_rank`: 0
282
+ - `ddp_backend`: None
283
+ - `tpu_num_cores`: None
284
+ - `tpu_metrics_debug`: False
285
+ - `debug`: []
286
+ - `dataloader_drop_last`: False
287
+ - `dataloader_num_workers`: 0
288
+ - `dataloader_prefetch_factor`: None
289
+ - `past_index`: -1
290
+ - `disable_tqdm`: False
291
+ - `remove_unused_columns`: True
292
+ - `label_names`: None
293
+ - `load_best_model_at_end`: False
294
+ - `ignore_data_skip`: False
295
+ - `fsdp`: []
296
+ - `fsdp_min_num_params`: 0
297
+ - `fsdp_config`: {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}
298
+ - `fsdp_transformer_layer_cls_to_wrap`: None
299
+ - `accelerator_config`: {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}
300
+ - `deepspeed`: None
301
+ - `label_smoothing_factor`: 0.0
302
+ - `optim`: adamw_torch
303
+ - `optim_args`: None
304
+ - `adafactor`: False
305
+ - `group_by_length`: False
306
+ - `length_column_name`: length
307
+ - `ddp_find_unused_parameters`: None
308
+ - `ddp_bucket_cap_mb`: None
309
+ - `ddp_broadcast_buffers`: False
310
+ - `dataloader_pin_memory`: True
311
+ - `dataloader_persistent_workers`: False
312
+ - `skip_memory_metrics`: True
313
+ - `use_legacy_prediction_loop`: False
314
+ - `push_to_hub`: False
315
+ - `resume_from_checkpoint`: None
316
+ - `hub_model_id`: None
317
+ - `hub_strategy`: every_save
318
+ - `hub_private_repo`: None
319
+ - `hub_always_push`: False
320
+ - `gradient_checkpointing`: False
321
+ - `gradient_checkpointing_kwargs`: None
322
+ - `include_inputs_for_metrics`: False
323
+ - `include_for_metrics`: []
324
+ - `eval_do_concat_batches`: True
325
+ - `fp16_backend`: auto
326
+ - `push_to_hub_model_id`: None
327
+ - `push_to_hub_organization`: None
328
+ - `mp_parameters`:
329
+ - `auto_find_batch_size`: False
330
+ - `full_determinism`: False
331
+ - `torchdynamo`: None
332
+ - `ray_scope`: last
333
+ - `ddp_timeout`: 1800
334
+ - `torch_compile`: False
335
+ - `torch_compile_backend`: None
336
+ - `torch_compile_mode`: None
337
+ - `dispatch_batches`: None
338
+ - `split_batches`: None
339
+ - `include_tokens_per_second`: False
340
+ - `include_num_input_tokens_seen`: False
341
+ - `neftune_noise_alpha`: None
342
+ - `optim_target_modules`: None
343
+ - `batch_eval_metrics`: False
344
+ - `eval_on_start`: False
345
+ - `use_liger_kernel`: False
346
+ - `eval_use_gather_object`: False
347
+ - `average_tokens_across_devices`: False
348
+ - `prompts`: None
349
+ - `batch_sampler`: batch_sampler
350
+ - `multi_dataset_batch_sampler`: proportional
351
+
352
+ </details>
353
+
354
+ ### Training Logs
355
+ | Epoch | Step | Training Loss | Validation Loss | yt-title-thumbnail-train_cosine_accuracy | yt-title-thumbnail-valid_cosine_accuracy |
356
+ |:-----:|:----:|:-------------:|:---------------:|:----------------------------------------:|:----------------------------------------:|
357
+ | -1 | -1 | - | - | 0.9623 | 1.0 |
358
+ | 0.25 | 1 | 2.0056 | - | - | - |
359
+ | 0.5 | 2 | 1.9543 | - | - | - |
360
+ | 0.75 | 3 | 1.6954 | - | - | - |
361
+ | 1.0 | 4 | 0.7505 | 1.4916 | - | - |
362
+ | 1.25 | 5 | 1.5534 | - | - | - |
363
+ | 1.5 | 6 | 1.2892 | - | - | - |
364
+ | 1.75 | 7 | 1.3283 | - | - | - |
365
+ | 2.0 | 8 | 0.3315 | 1.4990 | - | - |
366
+ | -1 | -1 | - | - | 1.0 | 1.0 |
367
+
368
+
369
+ ### Framework Versions
370
+ - Python: 3.10.4
371
+ - Sentence Transformers: 3.4.1
372
+ - Transformers: 4.48.2
373
+ - PyTorch: 2.6.0
374
+ - Accelerate: 0.26.0
375
+ - Datasets: 3.2.0
376
+ - Tokenizers: 0.21.0
377
+
378
+ ## Citation
379
+
380
+ ### BibTeX
381
+
382
+ #### Sentence Transformers
383
+ ```bibtex
384
+ @inproceedings{reimers-2019-sentence-bert,
385
+ title = "Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks",
386
+ author = "Reimers, Nils and Gurevych, Iryna",
387
+ booktitle = "Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing",
388
+ month = "11",
389
+ year = "2019",
390
+ publisher = "Association for Computational Linguistics",
391
+ url = "https://arxiv.org/abs/1908.10084",
392
+ }
393
+ ```
394
+
395
+ #### MultipleNegativesRankingLoss
396
+ ```bibtex
397
+ @misc{henderson2017efficient,
398
+ title={Efficient Natural Language Response Suggestion for Smart Reply},
399
+ author={Matthew Henderson and Rami Al-Rfou and Brian Strope and Yun-hsuan Sung and Laszlo Lukacs and Ruiqi Guo and Sanjiv Kumar and Balint Miklos and Ray Kurzweil},
400
+ year={2017},
401
+ eprint={1705.00652},
402
+ archivePrefix={arXiv},
403
+ primaryClass={cs.CL}
404
+ }
405
+ ```
406
+
407
+ <!--
408
+ ## Glossary
409
+
410
+ *Clearly define terms in order to be accessible across audiences.*
411
+ -->
412
+
413
+ <!--
414
+ ## Model Card Authors
415
+
416
+ *Lists the people who create the model card, providing recognition and accountability for the detailed work that goes into its construction.*
417
+ -->
418
+
419
+ <!--
420
+ ## Model Card Contact
421
+
422
+ *Provides a way for people who have updates to the Model Card, suggestions, or questions, to contact the Model Card authors.*
423
+ -->
config.json ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "/Users/manishbabel/.cache/huggingface/hub/models--sentence-transformers--clip-ViT-L-14/snapshots/3b12140ad0f9750045e404f187cfccd04bcaf250/0_CLIPModel",
3
+ "architectures": [
4
+ "CLIPModel"
5
+ ],
6
+ "initializer_factor": 1.0,
7
+ "logit_scale_init_value": 2.6592,
8
+ "model_type": "clip",
9
+ "projection_dim": 768,
10
+ "text_config": {
11
+ "dropout": 0.0,
12
+ "hidden_size": 768,
13
+ "intermediate_size": 3072,
14
+ "model_type": "clip_text_model",
15
+ "num_attention_heads": 12
16
+ },
17
+ "torch_dtype": "float32",
18
+ "transformers_version": "4.48.2",
19
+ "vision_config": {
20
+ "dropout": 0.0,
21
+ "hidden_size": 1024,
22
+ "intermediate_size": 4096,
23
+ "model_type": "clip_vision_model",
24
+ "num_attention_heads": 16,
25
+ "num_hidden_layers": 24,
26
+ "patch_size": 14
27
+ }
28
+ }
config_sentence_transformers.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "__version__": {
3
+ "sentence_transformers": "3.4.1",
4
+ "transformers": "4.48.2",
5
+ "pytorch": "2.6.0"
6
+ },
7
+ "prompts": {},
8
+ "default_prompt_name": null,
9
+ "similarity_fn_name": "cosine"
10
+ }
merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bfdec07fa651e79808462ad09c6d39d714d97bddb88bb172ddbfef5f46ce2123
3
+ size 1710537716
modules.json ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ [
2
+ {
3
+ "idx": 0,
4
+ "name": "0",
5
+ "path": "",
6
+ "type": "sentence_transformers.models.CLIPModel"
7
+ }
8
+ ]
preprocessor_config.json ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "crop_size": {
3
+ "height": 224,
4
+ "width": 224
5
+ },
6
+ "do_center_crop": true,
7
+ "do_convert_rgb": true,
8
+ "do_normalize": true,
9
+ "do_rescale": true,
10
+ "do_resize": true,
11
+ "image_mean": [
12
+ 0.48145466,
13
+ 0.4578275,
14
+ 0.40821073
15
+ ],
16
+ "image_processor_type": "CLIPImageProcessor",
17
+ "image_std": [
18
+ 0.26862954,
19
+ 0.26130258,
20
+ 0.27577711
21
+ ],
22
+ "processor_class": "CLIPProcessor",
23
+ "resample": 3,
24
+ "rescale_factor": 0.00392156862745098,
25
+ "size": {
26
+ "shortest_edge": 224
27
+ }
28
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,30 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": {
3
+ "content": "<|startoftext|>",
4
+ "lstrip": false,
5
+ "normalized": true,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "eos_token": {
10
+ "content": "<|endoftext|>",
11
+ "lstrip": false,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": {
17
+ "content": "<|endoftext|>",
18
+ "lstrip": false,
19
+ "normalized": false,
20
+ "rstrip": false,
21
+ "single_word": false
22
+ },
23
+ "unk_token": {
24
+ "content": "<|endoftext|>",
25
+ "lstrip": false,
26
+ "normalized": false,
27
+ "rstrip": false,
28
+ "single_word": false
29
+ }
30
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_prefix_space": false,
3
+ "added_tokens_decoder": {
4
+ "49406": {
5
+ "content": "<|startoftext|>",
6
+ "lstrip": false,
7
+ "normalized": true,
8
+ "rstrip": false,
9
+ "single_word": false,
10
+ "special": true
11
+ },
12
+ "49407": {
13
+ "content": "<|endoftext|>",
14
+ "lstrip": false,
15
+ "normalized": false,
16
+ "rstrip": false,
17
+ "single_word": false,
18
+ "special": true
19
+ }
20
+ },
21
+ "bos_token": "<|startoftext|>",
22
+ "clean_up_tokenization_spaces": false,
23
+ "do_lower_case": true,
24
+ "eos_token": "<|endoftext|>",
25
+ "errors": "replace",
26
+ "extra_special_tokens": {},
27
+ "model_max_length": 77,
28
+ "pad_token": "<|endoftext|>",
29
+ "processor_class": "CLIPProcessor",
30
+ "tokenizer_class": "CLIPTokenizer",
31
+ "unk_token": "<|endoftext|>"
32
+ }
vocab.json ADDED
The diff for this file is too large to render. See raw diff