Spaces:
Sleeping
Sleeping
GemRic-18K clip score fixed!
Browse files- .gitignore +4 -1
- Archive/test.py +116 -37
- data/download_script.py +2 -0
- data/promptbook/data-00000-of-00021.arrow +1 -1
- data/promptbook/data-00001-of-00021.arrow +1 -1
- data/promptbook/data-00002-of-00021.arrow +1 -1
- data/promptbook/data-00003-of-00021.arrow +1 -1
- data/promptbook/data-00004-of-00021.arrow +1 -1
- data/promptbook/data-00005-of-00021.arrow +1 -1
- data/promptbook/data-00006-of-00021.arrow +1 -1
- data/promptbook/data-00007-of-00021.arrow +1 -1
- data/promptbook/data-00008-of-00021.arrow +1 -1
- data/promptbook/data-00009-of-00021.arrow +1 -1
- data/promptbook/data-00010-of-00021.arrow +1 -1
- data/promptbook/data-00011-of-00021.arrow +1 -1
- data/promptbook/data-00012-of-00021.arrow +1 -1
- data/promptbook/data-00013-of-00021.arrow +1 -1
- data/promptbook/data-00014-of-00021.arrow +1 -1
- data/promptbook/data-00015-of-00021.arrow +1 -1
- data/promptbook/data-00016-of-00021.arrow +1 -1
- data/promptbook/data-00017-of-00021.arrow +1 -1
- data/promptbook/data-00018-of-00021.arrow +1 -1
- data/promptbook/data-00019-of-00021.arrow +1 -1
- data/promptbook/data-00020-of-00021.arrow +1 -1
- data/promptbook/dataset_info.json +44 -44
- data/promptbook/state.json +1 -1
.gitignore
CHANGED
@@ -3,4 +3,7 @@ ehthumbs.db
|
|
3 |
Icon?
|
4 |
Thumbs.db
|
5 |
*.DS_Store
|
6 |
-
|
|
|
|
|
|
|
|
3 |
Icon?
|
4 |
Thumbs.db
|
5 |
*.DS_Store
|
6 |
+
|
7 |
+
secret.sh
|
8 |
+
|
9 |
+
.idea/
|
Archive/test.py
CHANGED
@@ -1,45 +1,124 @@
|
|
1 |
import streamlit as st
|
2 |
from streamlit_sortables import sort_items
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
3 |
|
4 |
-
|
5 |
-
|
6 |
-
|
7 |
-
#
|
8 |
-
#
|
9 |
-
#
|
10 |
-
|
11 |
-
|
12 |
-
|
13 |
-
#
|
14 |
-
|
15 |
-
|
16 |
-
|
17 |
-
|
18 |
-
|
19 |
-
|
20 |
-
|
21 |
-
|
22 |
-
|
23 |
-
|
24 |
-
|
25 |
-
|
26 |
-
|
27 |
-
|
28 |
-
|
29 |
-
|
30 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
31 |
|
32 |
-
|
33 |
-
|
34 |
|
35 |
-
|
36 |
-
|
|
|
37 |
|
38 |
-
|
39 |
-
|
40 |
-
|
41 |
-
|
42 |
-
# Your nested loop logic here
|
43 |
-
time.sleep(0.1)
|
44 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
45 |
|
|
|
1 |
import streamlit as st
|
2 |
from streamlit_sortables import sort_items
|
3 |
+
from torchvision import transforms
|
4 |
+
from transformers import CLIPProcessor, CLIPModel
|
5 |
+
from torchmetrics.multimodal import CLIPScore
|
6 |
+
import torch
|
7 |
+
import numpy as np
|
8 |
+
import pandas as pd
|
9 |
+
from tqdm import tqdm
|
10 |
+
from datasets import load_dataset, Dataset, load_from_disk
|
11 |
+
import os
|
12 |
|
13 |
+
import clip
|
14 |
+
|
15 |
+
def compute_clip_score(promptbook, device, drop_negative=False):
|
16 |
+
# if 'clip_score' in promptbook.columns:
|
17 |
+
# print('==> Skipping CLIP-Score computation')
|
18 |
+
# return
|
19 |
+
print('==> CLIP-Score computation started')
|
20 |
+
clip_scores = []
|
21 |
+
to_tensor = transforms.ToTensor()
|
22 |
+
# metric = CLIPScore(model_name_or_path='openai/clip-vit-base-patch16').to(DEVICE)
|
23 |
+
metric = CLIPScore(model_name_or_path='openai/clip-vit-large-patch14').to(device)
|
24 |
+
for i in tqdm(range(0, len(promptbook), BATCH_SIZE)):
|
25 |
+
images = []
|
26 |
+
prompts = list(promptbook.prompt.values[i:i+BATCH_SIZE])
|
27 |
+
for image in promptbook.image.values[i:i+BATCH_SIZE]:
|
28 |
+
images.append(to_tensor(image))
|
29 |
+
with torch.no_grad():
|
30 |
+
x = metric.processor(text=prompts, images=images, return_tensors='pt', padding=True)
|
31 |
+
img_features = metric.model.get_image_features(x['pixel_values'].to(device))
|
32 |
+
img_features = img_features / img_features.norm(p=2, dim=-1, keepdim=True)
|
33 |
+
txt_features = metric.model.get_text_features(x['input_ids'].to(device), x['attention_mask'].to(device))
|
34 |
+
txt_features = txt_features / txt_features.norm(p=2, dim=-1, keepdim=True)
|
35 |
+
scores = 100 * (img_features * txt_features).sum(axis=-1).detach().cpu()
|
36 |
+
if drop_negative:
|
37 |
+
scores = torch.max(scores, torch.zeros_like(scores))
|
38 |
+
clip_scores += [round(s.item(), 4) for s in scores]
|
39 |
+
promptbook['clip_score'] = np.asarray(clip_scores)
|
40 |
+
print('==> CLIP-Score computation completed')
|
41 |
+
return promptbook
|
42 |
+
|
43 |
+
|
44 |
+
def compute_clip_score_hmd(promptbook):
|
45 |
+
|
46 |
+
metric_cpu = CLIPScore(model_name_or_path="openai/clip-vit-large-patch14").to('cpu')
|
47 |
+
metric_gpu = CLIPScore(model_name_or_path="openai/clip-vit-large-patch14").to('mps')
|
48 |
+
|
49 |
+
for idx in promptbook.index:
|
50 |
+
clip_score_hm = promptbook.loc[idx, 'clip_score']
|
51 |
+
|
52 |
+
with torch.no_grad():
|
53 |
+
image = promptbook.loc[idx, 'image']
|
54 |
+
image.save(f"./tmp/{promptbook.loc[idx, 'image_id']}.png")
|
55 |
+
image = transforms.ToTensor()(image)
|
56 |
+
image_cpu = torch.unsqueeze(image, dim=0).to('cpu')
|
57 |
+
image_gpu = torch.unsqueeze(image, dim=0).to('mps')
|
58 |
+
|
59 |
+
prompts = [promptbook.loc[idx, 'prompt']]
|
60 |
+
clip_score_cpu = metric_cpu(image_cpu, prompts)
|
61 |
+
clip_score_gpu = metric_gpu(image_gpu, prompts)
|
62 |
|
63 |
+
print(
|
64 |
+
f'==> clip_score_hm: {clip_score_hm:.4f}, clip_score_cpu: {clip_score_cpu:.4f}, clip_score_gpu: {clip_score_gpu:.4f}')
|
65 |
|
66 |
+
def compute_clip_score_transformers(promptbook, device='cpu'):
|
67 |
+
model = CLIPModel.from_pretrained("openai/clip-vit-large-patch14")
|
68 |
+
processor = CLIPProcessor.from_pretrained("openai/clip-vit-large-patch14")
|
69 |
|
70 |
+
with torch.no_grad():
|
71 |
+
inputs = processor(text=promptbook.prompt.tolist(), images=promptbook.image.tolist(), return_tensors="pt", padding=True)
|
72 |
+
outputs = model(**inputs)
|
73 |
+
logits_per_image = outputs.logits_per_image
|
|
|
|
|
74 |
|
75 |
+
promptbook.loc[:, 'clip_score'] = logits_per_image[:, 0].tolist()
|
76 |
+
return promptbook
|
77 |
+
|
78 |
+
def compute_clip_score_clip(promptbook, device='cpu'):
|
79 |
+
model, preprocess = clip.load("ViT-B/32", device=device)
|
80 |
+
with torch.no_grad():
|
81 |
+
|
82 |
+
for idx in promptbook.index:
|
83 |
+
# image_input = preprocess(promptbook.loc[idx, 'image']).unsqueeze(0).to(device)
|
84 |
+
image_inputs = preprocess(promptbook.image.tolist()).to(device)
|
85 |
+
text_inputs = torch.cat([clip.tokenize(promptbook.prompt.tolist()).to(device)]).to(device)
|
86 |
+
|
87 |
+
image_features = model.encode_image(image_inputs)
|
88 |
+
text_features = model.encode_text(text_inputs)
|
89 |
+
|
90 |
+
|
91 |
+
probs = logits_per_image.softmax(dim=-1).cpu().numpy()
|
92 |
+
promptbook.loc[:, 'clip_score'] = probs[:, 0].tolist()
|
93 |
+
return promptbook
|
94 |
+
|
95 |
+
|
96 |
+
if __name__ == "__main__":
|
97 |
+
BATCH_SIZE = 200
|
98 |
+
# DEVICE = 'mps' if torch.has_mps else 'cpu'
|
99 |
+
|
100 |
+
print(torch.__version__)
|
101 |
+
|
102 |
+
images_ds = load_from_disk(os.path.join(os.pardir, 'data', 'promptbook'))
|
103 |
+
images_ds = images_ds.sort(['prompt_id', 'modelVersion_id'])
|
104 |
+
print(images_ds)
|
105 |
+
print(type(images_ds[0]['image']))
|
106 |
+
promptbook_hmd = pd.DataFrame(images_ds[:20])
|
107 |
+
promptbook_new = promptbook_hmd.drop(columns=['clip_score'])
|
108 |
+
promptbook_cpu = compute_clip_score(promptbook_new.copy(deep=True), device='cpu')
|
109 |
+
promptbook_mps = compute_clip_score(promptbook_new.copy(deep=True), device='mps')
|
110 |
+
promptbook_tra_cpu = compute_clip_score_transformers(promptbook_new.copy(deep=True))
|
111 |
+
promptbook_tra_mps = compute_clip_score_transformers(promptbook_new.copy(deep=True), device='mps')
|
112 |
+
#
|
113 |
+
for idx in promptbook_mps.index:
|
114 |
+
print(
|
115 |
+
'image id: ', promptbook_mps['image_id'][idx],
|
116 |
+
'mps: ', promptbook_mps['clip_score'][idx],
|
117 |
+
'cpu: ', promptbook_cpu['clip_score'][idx],
|
118 |
+
'tra cpu: ', promptbook_tra_cpu['clip_score'][idx],
|
119 |
+
'tra mps: ', promptbook_tra_mps['clip_score'][idx],
|
120 |
+
'hmd: ', promptbook_hmd['clip_score'][idx]
|
121 |
+
)
|
122 |
+
#
|
123 |
+
# compute_clip_score_hmd(promptbook_hmd)
|
124 |
|
data/download_script.py
CHANGED
@@ -1,7 +1,9 @@
|
|
1 |
from datasets import load_dataset, Dataset, load_from_disk
|
|
|
2 |
|
3 |
|
4 |
def main():
|
|
|
5 |
promptbook = load_dataset('NYUSHPRP/ModelCofferPromptBook', split='train')
|
6 |
print(promptbook)
|
7 |
promptbook.save_to_disk('./promptbook')
|
|
|
1 |
from datasets import load_dataset, Dataset, load_from_disk
|
2 |
+
import os
|
3 |
|
4 |
|
5 |
def main():
|
6 |
+
os.makedirs('./promptbook', exist_ok=True)
|
7 |
promptbook = load_dataset('NYUSHPRP/ModelCofferPromptBook', split='train')
|
8 |
print(promptbook)
|
9 |
promptbook.save_to_disk('./promptbook')
|
data/promptbook/data-00000-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 496158744
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:9313ff854cf203b11d4ee57c49337daaab1bc1aa137def11a80a2f22247387c8
|
3 |
size 496158744
|
data/promptbook/data-00001-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 495185576
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:73805e837a90d1878648a43104d73328b553326ea1f00019c954b67ba04ab9ed
|
3 |
size 495185576
|
data/promptbook/data-00002-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 495550496
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:10252d2c45ea1ba88f3b5e0f3bb0e2b08099606036e6f3638e8449faff36057e
|
3 |
size 495550496
|
data/promptbook/data-00003-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 495623208
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:7ff11c7c98b73f2c1824d6f98ea09d8789e6909a728eb39420caa3b8333b2af7
|
3 |
size 495623208
|
data/promptbook/data-00004-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 494484472
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:4ed29ad5f10230a5f868abd32684db99bb53540036b59cec305f8266b20c48bd
|
3 |
size 494484472
|
data/promptbook/data-00005-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 492936800
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:d70104e55ac2752f6dbf658f3619d4dfb55cf9bf958dd422b947bc13370e36c2
|
3 |
size 492936800
|
data/promptbook/data-00006-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 490180944
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:37a485ae5318e30569a98a968115f8907ad0d3e21e1b0f94562c2bde82042e7b
|
3 |
size 490180944
|
data/promptbook/data-00007-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 490213760
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:dff6f5876530d08a62b0af3b0ff7cce7a141afcb4789cd5aa973ef46ed443680
|
3 |
size 490213760
|
data/promptbook/data-00008-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 492484024
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:6c5de841dd2fa29c29acb7b0cfdf9334c61b6d5654bf64ecdd56f0bb5959c956
|
3 |
size 492484024
|
data/promptbook/data-00009-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 494710624
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:de5d0a7132b3befd2c1a94f2ce870d02dffab1c440e65d277e58dc8b40563bf4
|
3 |
size 494710624
|
data/promptbook/data-00010-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 497841824
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:57cfd4def42baf69d49439021a6d49465df4a2cd2ddb2d8c22170598710f3ea8
|
3 |
size 497841824
|
data/promptbook/data-00011-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 494884984
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:35d6f95a91c711453b12f4abf6f67f3bd8cb4b46d02b827f8e62ae0b3c83e4b6
|
3 |
size 494884984
|
data/promptbook/data-00012-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 488987880
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:dc94e7858ca01950b0f5a4416a8665e33a9d2428256a81883ef2eadb9458dd3f
|
3 |
size 488987880
|
data/promptbook/data-00013-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 498320888
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:fcfa4e959819b4766f6085acdb5087be18fbb59e752b9497de7aed1e9eede057
|
3 |
size 498320888
|
data/promptbook/data-00014-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 489513032
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:560c856d65954946f2746b160a7698eac9f01928f8e18d2b126850797fdffe93
|
3 |
size 489513032
|
data/promptbook/data-00015-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 495904920
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:31b905f1c84f47005543cbfb4178a0af13d5e066d34a2bc71e3e94823861ed12
|
3 |
size 495904920
|
data/promptbook/data-00016-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 490964960
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:ab14fdd99b4e3c1a56ff786bfa24d4c679b0973f5d60e93cadf640f03934109d
|
3 |
size 490964960
|
data/promptbook/data-00017-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 499506568
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:6a63fa98450893c64027c059a72cb0ef349f237fdb8b6057801899422a1e7f8f
|
3 |
size 499506568
|
data/promptbook/data-00018-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 493819464
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:6b497f822200a4adc68c2cfb6e92f8de67335d92b3b8b5b7c5dc19f207ec2b79
|
3 |
size 493819464
|
data/promptbook/data-00019-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 492267312
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:1d1c4f49a5fc2f04c9a519669504da3e5462e3bffbc3208c9ec66bb9a11d616b
|
3 |
size 492267312
|
data/promptbook/data-00020-of-00021.arrow
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 492600960
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:32132052c4f7a2631f3180364d978db9bdc49bd23cfa36493ec42a646960a770
|
3 |
size 492600960
|
data/promptbook/dataset_info.json
CHANGED
@@ -3,92 +3,92 @@
|
|
3 |
"dataset_size": 10372092350,
|
4 |
"description": "",
|
5 |
"download_checksums": {
|
6 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
7 |
-
"num_bytes":
|
8 |
"checksum": null
|
9 |
},
|
10 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
11 |
-
"num_bytes":
|
12 |
"checksum": null
|
13 |
},
|
14 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
15 |
-
"num_bytes":
|
16 |
"checksum": null
|
17 |
},
|
18 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
19 |
-
"num_bytes":
|
20 |
"checksum": null
|
21 |
},
|
22 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
23 |
-
"num_bytes":
|
24 |
"checksum": null
|
25 |
},
|
26 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
27 |
-
"num_bytes":
|
28 |
"checksum": null
|
29 |
},
|
30 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
31 |
-
"num_bytes":
|
32 |
"checksum": null
|
33 |
},
|
34 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
35 |
-
"num_bytes":
|
36 |
"checksum": null
|
37 |
},
|
38 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
39 |
-
"num_bytes":
|
40 |
"checksum": null
|
41 |
},
|
42 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
43 |
-
"num_bytes":
|
44 |
"checksum": null
|
45 |
},
|
46 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
47 |
-
"num_bytes":
|
48 |
"checksum": null
|
49 |
},
|
50 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
51 |
-
"num_bytes":
|
52 |
"checksum": null
|
53 |
},
|
54 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
55 |
-
"num_bytes":
|
56 |
"checksum": null
|
57 |
},
|
58 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
59 |
-
"num_bytes":
|
60 |
"checksum": null
|
61 |
},
|
62 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
63 |
-
"num_bytes":
|
64 |
"checksum": null
|
65 |
},
|
66 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
67 |
-
"num_bytes":
|
68 |
"checksum": null
|
69 |
},
|
70 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
71 |
-
"num_bytes":
|
72 |
"checksum": null
|
73 |
},
|
74 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
75 |
-
"num_bytes":
|
76 |
"checksum": null
|
77 |
},
|
78 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
79 |
-
"num_bytes":
|
80 |
"checksum": null
|
81 |
},
|
82 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
83 |
-
"num_bytes":
|
84 |
"checksum": null
|
85 |
},
|
86 |
-
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/
|
87 |
-
"num_bytes":
|
88 |
"checksum": null
|
89 |
}
|
90 |
},
|
91 |
-
"download_size":
|
92 |
"features": {
|
93 |
"image": {
|
94 |
"_type": "Image"
|
@@ -172,7 +172,7 @@
|
|
172 |
},
|
173 |
"homepage": "",
|
174 |
"license": "",
|
175 |
-
"size_in_bytes":
|
176 |
"splits": {
|
177 |
"train": {
|
178 |
"name": "train",
|
|
|
3 |
"dataset_size": 10372092350,
|
4 |
"description": "",
|
5 |
"download_checksums": {
|
6 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00000-of-00021-dce1ab300958e31f.parquet": {
|
7 |
+
"num_bytes": 496016461,
|
8 |
"checksum": null
|
9 |
},
|
10 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00001-of-00021-bc9644c1d3743699.parquet": {
|
11 |
+
"num_bytes": 495045000,
|
12 |
"checksum": null
|
13 |
},
|
14 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00002-of-00021-ea2e66702961212b.parquet": {
|
15 |
+
"num_bytes": 495409902,
|
16 |
"checksum": null
|
17 |
},
|
18 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00003-of-00021-a9bd0a2782c2c69d.parquet": {
|
19 |
+
"num_bytes": 495478259,
|
20 |
"checksum": null
|
21 |
},
|
22 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00004-of-00021-90c88f250e8f6b62.parquet": {
|
23 |
+
"num_bytes": 494335691,
|
24 |
"checksum": null
|
25 |
},
|
26 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00005-of-00021-b2c5536485ce34b3.parquet": {
|
27 |
+
"num_bytes": 492796254,
|
28 |
"checksum": null
|
29 |
},
|
30 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00006-of-00021-971695ae84e53afe.parquet": {
|
31 |
+
"num_bytes": 490037891,
|
32 |
"checksum": null
|
33 |
},
|
34 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00007-of-00021-3b1e0c653bc45819.parquet": {
|
35 |
+
"num_bytes": 490068792,
|
36 |
"checksum": null
|
37 |
},
|
38 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00008-of-00021-e99a99266f821af8.parquet": {
|
39 |
+
"num_bytes": 492340436,
|
40 |
"checksum": null
|
41 |
},
|
42 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00009-of-00021-16fa05c06e124b7d.parquet": {
|
43 |
+
"num_bytes": 494567838,
|
44 |
"checksum": null
|
45 |
},
|
46 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00010-of-00021-9f81d2c90824a45d.parquet": {
|
47 |
+
"num_bytes": 497703057,
|
48 |
"checksum": null
|
49 |
},
|
50 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00011-of-00021-b1abb8fe24b20a1d.parquet": {
|
51 |
+
"num_bytes": 494741057,
|
52 |
"checksum": null
|
53 |
},
|
54 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00012-of-00021-d67c472e42578ac1.parquet": {
|
55 |
+
"num_bytes": 488841048,
|
56 |
"checksum": null
|
57 |
},
|
58 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00013-of-00021-27e4724254d903b4.parquet": {
|
59 |
+
"num_bytes": 498179762,
|
60 |
"checksum": null
|
61 |
},
|
62 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00014-of-00021-72f0d1125f62ff50.parquet": {
|
63 |
+
"num_bytes": 489363694,
|
64 |
"checksum": null
|
65 |
},
|
66 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00015-of-00021-66562f62d5cfd2d7.parquet": {
|
67 |
+
"num_bytes": 495756794,
|
68 |
"checksum": null
|
69 |
},
|
70 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00016-of-00021-741d2101a8ac38d6.parquet": {
|
71 |
+
"num_bytes": 490821807,
|
72 |
"checksum": null
|
73 |
},
|
74 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00017-of-00021-30d22f60bedc5a0a.parquet": {
|
75 |
+
"num_bytes": 499362634,
|
76 |
"checksum": null
|
77 |
},
|
78 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00018-of-00021-d553d608301c44e2.parquet": {
|
79 |
+
"num_bytes": 493676628,
|
80 |
"checksum": null
|
81 |
},
|
82 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00019-of-00021-7d5ce4f46e18cac7.parquet": {
|
83 |
+
"num_bytes": 492125301,
|
84 |
"checksum": null
|
85 |
},
|
86 |
+
"https://huggingface.co/datasets/NYUSHPRP/ModelCofferPromptBook/resolve/5944fa3c00a863a530b6d74819d9108dac3b0af9/data/train-00020-of-00021-7f5789631bfc4dd7.parquet": {
|
87 |
+
"num_bytes": 492454258,
|
88 |
"checksum": null
|
89 |
}
|
90 |
},
|
91 |
+
"download_size": 10369122564,
|
92 |
"features": {
|
93 |
"image": {
|
94 |
"_type": "Image"
|
|
|
172 |
},
|
173 |
"homepage": "",
|
174 |
"license": "",
|
175 |
+
"size_in_bytes": 20741214914,
|
176 |
"splits": {
|
177 |
"train": {
|
178 |
"name": "train",
|
data/promptbook/state.json
CHANGED
@@ -64,7 +64,7 @@
|
|
64 |
"filename": "data-00020-of-00021.arrow"
|
65 |
}
|
66 |
],
|
67 |
-
"_fingerprint": "
|
68 |
"_format_columns": null,
|
69 |
"_format_kwargs": {},
|
70 |
"_format_type": null,
|
|
|
64 |
"filename": "data-00020-of-00021.arrow"
|
65 |
}
|
66 |
],
|
67 |
+
"_fingerprint": "43ce89820094f517",
|
68 |
"_format_columns": null,
|
69 |
"_format_kwargs": {},
|
70 |
"_format_type": null,
|