romrawinjp commited on
Commit
e1cce01
·
verified ·
1 Parent(s): 7ccfe86

Upload folder using huggingface_hub

Browse files
.ipynb_checkpoints/README-checkpoint.md ADDED
@@ -0,0 +1,174 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: mit
3
+ widget:
4
+ - src: >-
5
+ https://huggingface.co/datasets/mishig/sample_images/resolve/main/cat-dog-music.png
6
+ candidate_labels: playing music, playing sports
7
+ example_title: Cat & Dog
8
+ library_name: open_clip
9
+ pipeline_tag: zero-shot-image-classification
10
+ ---
11
+
12
+ # Model card for CLIP-KD ViT-T-16 distilled from CLIP-ViT-B-16 pretrained from CC3M and CC12M
13
+ Github source: https://github.com/winycg/CLIP-KD
14
+
15
+ From weight: `ViT-B-16_cc3m_12m_kd_ViT-T-16_cc3m_12m_ep32.pt`
16
+
17
+ The weight of this model was modified from `open_clip` format to be compatible with huggingface `CLIP` library.
18
+
19
+ # Table of Contents
20
+
21
+ 1. [Model Details](#model-details)
22
+ 2. [Uses](#uses)
23
+ 3. [Citation](#citation)
24
+ 4. [How To Get Started With the Model](#how-to-get-started-with-the-model)
25
+
26
+
27
+ # Model Details
28
+
29
+ ## Model Description
30
+
31
+ A CLIP ViT-T/16 model trained with the CC3M and CC12M (https://github.com/google-research-datasets/conceptual-12m) using OpenCLIP (https://github.com/mlfoundations/open_clip).
32
+
33
+
34
+ # Uses
35
+
36
+ This model weights can be downloaded using both `open_clip` and transformer `CLIP` library (currently at version 4.44.0). This model is a CLIP-based model, which is typically used for tasks like zero-shot image classification, text-image retrieval, and more.
37
+
38
+ ## Using `open_clip`
39
+
40
+
41
+ ## Using
42
+
43
+ ```python
44
+ from transformers import CLIPProcessor, CLIPModel
45
+ from PIL import Image
46
+ import requests
47
+
48
+ # Load the model and processor
49
+ model_name = "romrawinjp/clip-kd_ViT-T-16_KD-CC3M12M"
50
+ model = CLIPModel.from_pretrained(model_name)
51
+ processor = CLIPProcessor.from_pretrained(model_name)
52
+
53
+ # Load an image from a URL or local file
54
+ url = "https://example.com/path/to/your/image.jpg"
55
+
56
+ # Define the text labels for classification
57
+ text_labels = ["a photo of a cat", "a photo of a dog", "a photo of a bird"]
58
+
59
+ # Process the image and text
60
+ inputs = processor(text=text_labels, images=image, return_tensors="pt", padding=True)
61
+
62
+ # Get the model's predictions
63
+ outputs = model(**inputs)
64
+ logits_per_image = outputs.logits_per_image # This is the image-text similarity score
65
+ probs = logits_per_image.softmax(dim=1) # Convert logits to probabilities
66
+
67
+ # Print the results
68
+ for label, prob in zip(text_labels, probs[0]):
69
+ print(f"Label: {label}, Probability: {prob.item():.4f}")
70
+ ```
71
+
72
+ ## Zero-shot image classification example
73
+
74
+
75
+
76
+ Zero-shot image classification, image and text retrieval, among others.
77
+
78
+ ## Downstream Use
79
+
80
+ Image classification and other image task fine-tuning, linear probe image classification, image generation guiding and conditioning, among others.
81
+
82
+ ## Out-of-Scope Use
83
+
84
+ As per the OpenAI models,
85
+
86
+ **Any** deployed use case of the model - whether commercial or not - is currently out of scope. Non-deployed use cases such as image search in a constrained environment, are also not recommended unless there is thorough in-domain testing of the model with a specific, fixed class taxonomy. This is because our safety assessment demonstrated a high need for task specific testing especially given the variability of CLIP’s performance with different class taxonomies. This makes untested and unconstrained deployment of the model in any use case currently potentially harmful.
87
+
88
+ Certain use cases which would fall under the domain of surveillance and facial recognition are always out-of-scope regardless of performance of the model. This is because the use of artificial intelligence for tasks such as these can be premature currently given the lack of testing norms and checks to ensure its fair use.
89
+
90
+ # Training Details
91
+
92
+ ## Training Data
93
+
94
+ This model was trained with the 1.4 Billion samples of the DataComp-1B dataset (https://arxiv.org/abs/2304.14108).
95
+
96
+ **IMPORTANT NOTE:** The motivation behind dataset creation is to democratize research and experimentation around large-scale multi-modal model training and handling of uncurated, large-scale datasets crawled from publically available internet. Our recommendation is therefore to use the dataset for research purposes. Be aware that this large-scale dataset is uncurated. Keep in mind that the uncurated nature of the dataset means that collected links may lead to strongly discomforting and disturbing content for a human viewer. Therefore, please use the demo links with caution and at your own risk. It is possible to extract a “safe” subset by filtering out samples based on the safety tags (using a customized trained NSFW classifier that we built). While this strongly reduces the chance for encountering potentially harmful content when viewing, we cannot entirely exclude the possibility for harmful content being still present in safe mode, so that the warning holds also there. We think that providing the dataset openly to broad research and other interested communities will allow for transparent investigation of benefits that come along with training large-scale models as well as pitfalls and dangers that may stay unreported or unnoticed when working with closed large datasets that remain restricted to a small community. Providing our dataset openly, we however do not recommend using it for creating ready-to-go industrial products, as the basic research about general properties and safety of such large-scale models, which we would like to encourage with this release, is still in progress.
97
+
98
+ ## Training Procedure
99
+
100
+ Please see https://arxiv.org/abs/2304.14108.
101
+
102
+ # Evaluation
103
+
104
+ Evaluation done on 38 datasets, using the [DataComp repo](https://github.com/mlfoundations/datacomp) and the [LAION CLIP Benchmark](https://github.com/LAION-AI/CLIP_benchmark).
105
+
106
+ ## Testing Data, Factors & Metrics
107
+
108
+ ### Testing Data
109
+
110
+ The testing is performed on a suite of 38 datasets. See our paper for more details (https://arxiv.org/abs/2304.14108).
111
+
112
+ ## Results
113
+
114
+ The model achieves a 73.5% zero-shot top-1 accuracy on ImageNet-1k. See our paper for more details and results (https://arxiv.org/abs/2304.14108).
115
+
116
+ # Acknowledgements
117
+
118
+ Acknowledging [stability.ai](https://stability.ai/) for the compute used to train this model.
119
+
120
+ # Citation
121
+
122
+ **BibTeX:**
123
+
124
+ DataComp
125
+ ```bibtex
126
+ @article{datacomp,
127
+ title={DataComp: In search of the next generation of multimodal datasets},
128
+ author={Samir Yitzhak Gadre, Gabriel Ilharco, Alex Fang, Jonathan Hayase, Georgios Smyrnis, Thao Nguyen, Ryan Marten, Mitchell Wortsman, Dhruba Ghosh, Jieyu Zhang, Eyal Orgad, Rahim Entezari, Giannis Daras, Sarah Pratt, Vivek Ramanujan, Yonatan Bitton, Kalyani Marathe, Stephen Mussmann, Richard Vencu, Mehdi Cherti, Ranjay Krishna, Pang Wei Koh, Olga Saukh, Alexander Ratner, Shuran Song, Hannaneh Hajishirzi, Ali Farhadi, Romain Beaumont, Sewoong Oh, Alex Dimakis, Jenia Jitsev, Yair Carmon, Vaishaal Shankar, Ludwig Schmidt},
129
+ journal={arXiv preprint arXiv:2304.14108},
130
+ year={2023}
131
+ }
132
+ ```
133
+
134
+
135
+ OpenAI CLIP paper
136
+ ```
137
+ @inproceedings{Radford2021LearningTV,
138
+ title={Learning Transferable Visual Models From Natural Language Supervision},
139
+ author={Alec Radford and Jong Wook Kim and Chris Hallacy and A. Ramesh and Gabriel Goh and Sandhini Agarwal and Girish Sastry and Amanda Askell and Pamela Mishkin and Jack Clark and Gretchen Krueger and Ilya Sutskever},
140
+ booktitle={ICML},
141
+ year={2021}
142
+ }
143
+ ```
144
+
145
+ OpenCLIP software
146
+ ```
147
+ @software{ilharco_gabriel_2021_5143773,
148
+ author = {Ilharco, Gabriel and
149
+ Wortsman, Mitchell and
150
+ Wightman, Ross and
151
+ Gordon, Cade and
152
+ Carlini, Nicholas and
153
+ Taori, Rohan and
154
+ Dave, Achal and
155
+ Shankar, Vaishaal and
156
+ Namkoong, Hongseok and
157
+ Miller, John and
158
+ Hajishirzi, Hannaneh and
159
+ Farhadi, Ali and
160
+ Schmidt, Ludwig},
161
+ title = {OpenCLIP},
162
+ month = jul,
163
+ year = 2021,
164
+ note = {If you use this software, please cite it as below.},
165
+ publisher = {Zenodo},
166
+ version = {0.1},
167
+ doi = {10.5281/zenodo.5143773},
168
+ url = {https://doi.org/10.5281/zenodo.5143773}
169
+ }
170
+ ```
171
+
172
+ # How to Get Started with the Model
173
+
174
+ See https://github.com/mlfoundations/open_clip
.ipynb_checkpoints/config-checkpoint.json ADDED
@@ -0,0 +1,26 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "architectures": [
3
+ "CLIPModel"
4
+ ],
5
+ "initializer_factor": 1.0,
6
+ "logit_scale_init_value": 2.6592,
7
+ "model_type": "clip",
8
+ "projection_dim": 512,
9
+ "text_config": {
10
+ "hidden_act": "gelu",
11
+ "hidden_size": 384,
12
+ "intermediate_size": 1536,
13
+ "model_type": "clip_text_model",
14
+ "num_attention_heads": 6
15
+ },
16
+ "torch_dtype": "float32",
17
+ "transformers_version": "4.44.0",
18
+ "vision_config": {
19
+ "hidden_act": "gelu",
20
+ "hidden_size": 192,
21
+ "intermediate_size": 768,
22
+ "model_type": "clip_vision_model",
23
+ "num_attention_heads": 3,
24
+ "patch_size": 16
25
+ }
26
+ }
README.md ADDED
@@ -0,0 +1,174 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: mit
3
+ widget:
4
+ - src: >-
5
+ https://huggingface.co/datasets/mishig/sample_images/resolve/main/cat-dog-music.png
6
+ candidate_labels: playing music, playing sports
7
+ example_title: Cat & Dog
8
+ library_name: open_clip
9
+ pipeline_tag: zero-shot-image-classification
10
+ ---
11
+
12
+ # Model card for CLIP-KD ViT-T-16 distilled from CLIP-ViT-B-16 pretrained from CC3M and CC12M
13
+ Github source: https://github.com/winycg/CLIP-KD
14
+
15
+ From weight: `ViT-B-16_cc3m_12m_kd_ViT-T-16_cc3m_12m_ep32.pt`
16
+
17
+ The weight of this model was modified from `open_clip` format to be compatible with huggingface `CLIP` library.
18
+
19
+ # Table of Contents
20
+
21
+ 1. [Model Details](#model-details)
22
+ 2. [Uses](#uses)
23
+ 3. [Citation](#citation)
24
+ 4. [How To Get Started With the Model](#how-to-get-started-with-the-model)
25
+
26
+
27
+ # Model Details
28
+
29
+ ## Model Description
30
+
31
+ A CLIP ViT-T/16 model trained with the CC3M and CC12M (https://github.com/google-research-datasets/conceptual-12m) using OpenCLIP (https://github.com/mlfoundations/open_clip).
32
+
33
+
34
+ # Uses
35
+
36
+ This model weights can be downloaded using both `open_clip` and transformer `CLIP` library (currently at version 4.44.0). This model is a CLIP-based model, which is typically used for tasks like zero-shot image classification, text-image retrieval, and more.
37
+
38
+ ## Using `open_clip`
39
+
40
+
41
+ ## Using
42
+
43
+ ```python
44
+ from transformers import CLIPProcessor, CLIPModel
45
+ from PIL import Image
46
+ import requests
47
+
48
+ # Load the model and processor
49
+ model_name = "romrawinjp/clip-kd_ViT-T-16_KD-CC3M12M"
50
+ model = CLIPModel.from_pretrained(model_name)
51
+ processor = CLIPProcessor.from_pretrained(model_name)
52
+
53
+ # Load an image from a URL or local file
54
+ url = "https://example.com/path/to/your/image.jpg"
55
+
56
+ # Define the text labels for classification
57
+ text_labels = ["a photo of a cat", "a photo of a dog", "a photo of a bird"]
58
+
59
+ # Process the image and text
60
+ inputs = processor(text=text_labels, images=image, return_tensors="pt", padding=True)
61
+
62
+ # Get the model's predictions
63
+ outputs = model(**inputs)
64
+ logits_per_image = outputs.logits_per_image # This is the image-text similarity score
65
+ probs = logits_per_image.softmax(dim=1) # Convert logits to probabilities
66
+
67
+ # Print the results
68
+ for label, prob in zip(text_labels, probs[0]):
69
+ print(f"Label: {label}, Probability: {prob.item():.4f}")
70
+ ```
71
+
72
+ ## Zero-shot image classification example
73
+
74
+
75
+
76
+ Zero-shot image classification, image and text retrieval, among others.
77
+
78
+ ## Downstream Use
79
+
80
+ Image classification and other image task fine-tuning, linear probe image classification, image generation guiding and conditioning, among others.
81
+
82
+ ## Out-of-Scope Use
83
+
84
+ As per the OpenAI models,
85
+
86
+ **Any** deployed use case of the model - whether commercial or not - is currently out of scope. Non-deployed use cases such as image search in a constrained environment, are also not recommended unless there is thorough in-domain testing of the model with a specific, fixed class taxonomy. This is because our safety assessment demonstrated a high need for task specific testing especially given the variability of CLIP’s performance with different class taxonomies. This makes untested and unconstrained deployment of the model in any use case currently potentially harmful.
87
+
88
+ Certain use cases which would fall under the domain of surveillance and facial recognition are always out-of-scope regardless of performance of the model. This is because the use of artificial intelligence for tasks such as these can be premature currently given the lack of testing norms and checks to ensure its fair use.
89
+
90
+ # Training Details
91
+
92
+ ## Training Data
93
+
94
+ This model was trained with the 1.4 Billion samples of the DataComp-1B dataset (https://arxiv.org/abs/2304.14108).
95
+
96
+ **IMPORTANT NOTE:** The motivation behind dataset creation is to democratize research and experimentation around large-scale multi-modal model training and handling of uncurated, large-scale datasets crawled from publically available internet. Our recommendation is therefore to use the dataset for research purposes. Be aware that this large-scale dataset is uncurated. Keep in mind that the uncurated nature of the dataset means that collected links may lead to strongly discomforting and disturbing content for a human viewer. Therefore, please use the demo links with caution and at your own risk. It is possible to extract a “safe” subset by filtering out samples based on the safety tags (using a customized trained NSFW classifier that we built). While this strongly reduces the chance for encountering potentially harmful content when viewing, we cannot entirely exclude the possibility for harmful content being still present in safe mode, so that the warning holds also there. We think that providing the dataset openly to broad research and other interested communities will allow for transparent investigation of benefits that come along with training large-scale models as well as pitfalls and dangers that may stay unreported or unnoticed when working with closed large datasets that remain restricted to a small community. Providing our dataset openly, we however do not recommend using it for creating ready-to-go industrial products, as the basic research about general properties and safety of such large-scale models, which we would like to encourage with this release, is still in progress.
97
+
98
+ ## Training Procedure
99
+
100
+ Please see https://arxiv.org/abs/2304.14108.
101
+
102
+ # Evaluation
103
+
104
+ Evaluation done on 38 datasets, using the [DataComp repo](https://github.com/mlfoundations/datacomp) and the [LAION CLIP Benchmark](https://github.com/LAION-AI/CLIP_benchmark).
105
+
106
+ ## Testing Data, Factors & Metrics
107
+
108
+ ### Testing Data
109
+
110
+ The testing is performed on a suite of 38 datasets. See our paper for more details (https://arxiv.org/abs/2304.14108).
111
+
112
+ ## Results
113
+
114
+ The model achieves a 73.5% zero-shot top-1 accuracy on ImageNet-1k. See our paper for more details and results (https://arxiv.org/abs/2304.14108).
115
+
116
+ # Acknowledgements
117
+
118
+ Acknowledging [stability.ai](https://stability.ai/) for the compute used to train this model.
119
+
120
+ # Citation
121
+
122
+ **BibTeX:**
123
+
124
+ DataComp
125
+ ```bibtex
126
+ @article{datacomp,
127
+ title={DataComp: In search of the next generation of multimodal datasets},
128
+ author={Samir Yitzhak Gadre, Gabriel Ilharco, Alex Fang, Jonathan Hayase, Georgios Smyrnis, Thao Nguyen, Ryan Marten, Mitchell Wortsman, Dhruba Ghosh, Jieyu Zhang, Eyal Orgad, Rahim Entezari, Giannis Daras, Sarah Pratt, Vivek Ramanujan, Yonatan Bitton, Kalyani Marathe, Stephen Mussmann, Richard Vencu, Mehdi Cherti, Ranjay Krishna, Pang Wei Koh, Olga Saukh, Alexander Ratner, Shuran Song, Hannaneh Hajishirzi, Ali Farhadi, Romain Beaumont, Sewoong Oh, Alex Dimakis, Jenia Jitsev, Yair Carmon, Vaishaal Shankar, Ludwig Schmidt},
129
+ journal={arXiv preprint arXiv:2304.14108},
130
+ year={2023}
131
+ }
132
+ ```
133
+
134
+
135
+ OpenAI CLIP paper
136
+ ```
137
+ @inproceedings{Radford2021LearningTV,
138
+ title={Learning Transferable Visual Models From Natural Language Supervision},
139
+ author={Alec Radford and Jong Wook Kim and Chris Hallacy and A. Ramesh and Gabriel Goh and Sandhini Agarwal and Girish Sastry and Amanda Askell and Pamela Mishkin and Jack Clark and Gretchen Krueger and Ilya Sutskever},
140
+ booktitle={ICML},
141
+ year={2021}
142
+ }
143
+ ```
144
+
145
+ OpenCLIP software
146
+ ```
147
+ @software{ilharco_gabriel_2021_5143773,
148
+ author = {Ilharco, Gabriel and
149
+ Wortsman, Mitchell and
150
+ Wightman, Ross and
151
+ Gordon, Cade and
152
+ Carlini, Nicholas and
153
+ Taori, Rohan and
154
+ Dave, Achal and
155
+ Shankar, Vaishaal and
156
+ Namkoong, Hongseok and
157
+ Miller, John and
158
+ Hajishirzi, Hannaneh and
159
+ Farhadi, Ali and
160
+ Schmidt, Ludwig},
161
+ title = {OpenCLIP},
162
+ month = jul,
163
+ year = 2021,
164
+ note = {If you use this software, please cite it as below.},
165
+ publisher = {Zenodo},
166
+ version = {0.1},
167
+ doi = {10.5281/zenodo.5143773},
168
+ url = {https://doi.org/10.5281/zenodo.5143773}
169
+ }
170
+ ```
171
+
172
+ # How to Get Started with the Model
173
+
174
+ See https://github.com/mlfoundations/open_clip
config.json ADDED
@@ -0,0 +1,26 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "architectures": [
3
+ "CLIPModel"
4
+ ],
5
+ "initializer_factor": 1.0,
6
+ "logit_scale_init_value": 2.6592,
7
+ "model_type": "clip",
8
+ "projection_dim": 512,
9
+ "text_config": {
10
+ "hidden_act": "gelu",
11
+ "hidden_size": 384,
12
+ "intermediate_size": 1536,
13
+ "model_type": "clip_text_model",
14
+ "num_attention_heads": 6
15
+ },
16
+ "torch_dtype": "float32",
17
+ "transformers_version": "4.44.0",
18
+ "vision_config": {
19
+ "hidden_act": "gelu",
20
+ "hidden_size": 192,
21
+ "intermediate_size": 768,
22
+ "model_type": "clip_vision_model",
23
+ "num_attention_heads": 3,
24
+ "patch_size": 16
25
+ }
26
+ }
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:b7691af6cd542456139d99d66324688a2580aabc5b506a65e3e246ce3138aee9
3
+ size 184511660
open_clip_config.json ADDED
@@ -0,0 +1,30 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "model_cfg": {
3
+ "embed_dim": 512,
4
+ "vision_cfg": {
5
+ "image_size": 224,
6
+ "layers": 12,
7
+ "width": 192,
8
+ "patch_size": 16
9
+ },
10
+ "text_cfg": {
11
+ "context_length": 77,
12
+ "vocab_size": 49408,
13
+ "width": 384,
14
+ "heads": 6,
15
+ "layers": 12
16
+ }
17
+ },
18
+ "preprocess_cfg": {
19
+ "mean": [
20
+ 0.48145466,
21
+ 0.4578275,
22
+ 0.40821073
23
+ ],
24
+ "std": [
25
+ 0.26862954,
26
+ 0.26130258,
27
+ 0.27577711
28
+ ]
29
+ }
30
+ }
open_clip_pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:81d21efc279fd6e749fc2e905d00f6c20982c1ff8e2c65e5697fa10831c033b0
3
+ size 184580598
preprocessor_config.json ADDED
@@ -0,0 +1,19 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "crop_size": 224,
3
+ "do_center_crop": true,
4
+ "do_normalize": true,
5
+ "do_resize": true,
6
+ "feature_extractor_type": "CLIPFeatureExtractor",
7
+ "image_mean": [
8
+ 0.48145466,
9
+ 0.4578275,
10
+ 0.40821073
11
+ ],
12
+ "image_std": [
13
+ 0.26862954,
14
+ 0.26130258,
15
+ 0.27577711
16
+ ],
17
+ "resample": 3,
18
+ "size": 224
19
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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": true,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": "<|endoftext|>",
17
+ "unk_token": {
18
+ "content": "<|endoftext|>",
19
+ "lstrip": false,
20
+ "normalized": true,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ }
24
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,34 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_prefix_space": false,
3
+ "bos_token": {
4
+ "__type": "AddedToken",
5
+ "content": "<|startoftext|>",
6
+ "lstrip": false,
7
+ "normalized": true,
8
+ "rstrip": false,
9
+ "single_word": false
10
+ },
11
+ "do_lower_case": true,
12
+ "eos_token": {
13
+ "__type": "AddedToken",
14
+ "content": "<|endoftext|>",
15
+ "lstrip": false,
16
+ "normalized": true,
17
+ "rstrip": false,
18
+ "single_word": false
19
+ },
20
+ "errors": "replace",
21
+ "model_max_length": 77,
22
+ "name_or_path": "openai/clip-vit-large-patch14",
23
+ "pad_token": "<|endoftext|>",
24
+ "special_tokens_map_file": "./special_tokens_map.json",
25
+ "tokenizer_class": "CLIPTokenizer",
26
+ "unk_token": {
27
+ "__type": "AddedToken",
28
+ "content": "<|endoftext|>",
29
+ "lstrip": false,
30
+ "normalized": true,
31
+ "rstrip": false,
32
+ "single_word": false
33
+ }
34
+ }
vocab.json ADDED
The diff for this file is too large to render. See raw diff