diff --git a/Archive/agraphTest.py b/Archive/agraphTest.py new file mode 100644 index 0000000000000000000000000000000000000000..b7570b1c1b08d520bc56e3aced9a6be77d799fee --- /dev/null +++ b/Archive/agraphTest.py @@ -0,0 +1,170 @@ +import os + +import streamlit as st +import torch +import pandas as pd +import numpy as np + +from datasets import load_dataset, Dataset, load_from_disk +from huggingface_hub import login +from streamlit_agraph import agraph, Node, Edge, Config +from sklearn.manifold import TSNE + + +@st.cache_data +def load_hf_dataset(): + # login to huggingface + login(token=os.environ.get("HF_TOKEN")) + + # load from huggingface + roster = pd.DataFrame(load_dataset('MAPS-research/GEMRec-Roster', split='train')) + promptBook = pd.DataFrame(load_dataset('MAPS-research/GEMRec-Metadata', split='train')) + + # process dataset + roster = roster[['model_id', 'model_name', 'modelVersion_id', 'modelVersion_name', + 'model_download_count']].drop_duplicates().reset_index(drop=True) + + # add 'custom_score_weights' column to promptBook if not exist + if 'weighted_score_sum' not in promptBook.columns: + promptBook.loc[:, 'weighted_score_sum'] = 0 + + # merge roster and promptbook + promptBook = promptBook.merge(roster[['model_id', 'model_name', 'modelVersion_id', 'modelVersion_name', 'model_download_count']], + on=['model_id', 'modelVersion_id'], how='left') + + # add column to record current row index + promptBook.loc[:, 'row_idx'] = promptBook.index + + return roster, promptBook + + +@st.cache_data +def calc_tsne(prompt_id): + print('==> loading feats') + feats = {} + for pt in os.listdir('../data/feats'): + if pt.split('.')[-1] == 'pt' and pt.split('.')[0].isdigit(): + feats[pt.split('.')[0]] = torch.load(os.path.join('../data/feats', pt)) + + print('==> applying t-SNE') + # apply t-SNE to entries in each feat in feats to get 2D coordinates + tsne = TSNE(n_components=2, random_state=0) + # for k, v in tqdm(feats.items()): + # feats[k]['tsne'] = tsne.fit_transform(v['all'].numpy()) + # prompt_id = '90' + feats[prompt_id]['tsne'] = tsne.fit_transform(feats[prompt_id]['all'].numpy()) + + feats_df = pd.DataFrame(feats[prompt_id]['tsne'], columns=['x', 'y']) + feats_df['prompt_id'] = prompt_id + + keys = [] + for k in feats[prompt_id].keys(): + if k != 'all' and k != 'tsne': + keys.append(int(k.item())) + + feats_df['modelVersion_id'] = keys + + + return feats_df + + # print(feats[prompt_id]['tsne']) + + +if __name__ == '__main__': + st.set_page_config(layout="wide") + + # load dataset + roster, promptBook = load_hf_dataset() + # prompt_id = '20' + + with st.sidebar: + st.write('## Select Prompt') + prompts = promptBook['prompt_id'].unique().tolist() + # sort prompts by prompt_id + prompts.sort() + prompt_id = st.selectbox('Select Prompt', prompts, index=0) + physics = st.checkbox('Enable Physics') + + feats_df = calc_tsne(str(prompt_id)) + + # keys = [] + # for k in feats[prompt_id].keys(): + # if k != 'all' and k != 'tsne': + # keys.append(int(k.item())) + + # print(keys) + + data = [] + for idx in feats_df.index: + modelVersion_id = feats_df.loc[idx, 'modelVersion_id'] + image_id = promptBook[(promptBook['modelVersion_id'] == modelVersion_id) & ( + promptBook['prompt_id'] == int(prompt_id))].reset_index(drop=True).loc[0, 'image_id'] + image_url = f"https://modelcofferbucket.s3-accelerate.amazonaws.com/{image_id}.png" + scale = 50 + data.append((feats_df.loc[idx, 'x'] * scale, feats_df.loc[idx, 'y'] * scale, image_url)) + + image_size = promptBook[(promptBook['image_id'] == image_id)].reset_index(drop=True).loc[0, 'size'].split('x') + + nodes = [] + edges = [] + + for d in data: + nodes.append( Node(id=d[2], + # label=str(items.loc[idx, 'model_name']), + size=20, + shape="image", + image=d[2], + x=[d[0]], + y=[d[1]], + fixed=False if physics else True, + color={'background': '#00000', 'border': '#ffffff'}, + shadow={'enabled': True, 'color': 'rgba(0,0,0,0.4)', 'size': 10, 'x': 1, 'y': 1}, + # borderWidth=1, + # shapeProperties={'useBorderWithImage': True}, + ) + ) + + + # nodes.append( Node(id="Spiderman", + # label="Peter Parker", + # size=25, + # shape="circularImage", + # image="http://marvel-force-chart.surge.sh/marvel_force_chart_img/top_spiderman.png") + # ) # includes **kwargs + # nodes.append( Node(id="Captain_Marvel", + # label="Carol Danvers", + # fixed=True, + # size=25, + # shape="circularImage", + # image="http://marvel-force-chart.surge.sh/marvel_force_chart_img/top_captainmarvel.png") + # ) + # edges.append( Edge(source="Captain_Marvel", + # label="friend_of", + # target="Spiderman", + # length=200, + # # **kwargs + # ) + # ) + # + config = Config(width='100%', + height=800, + directed=True, + physics=physics, + hierarchical=False, + # **kwargs + ) + + cols = st.columns([3, 1], gap='large') + + with cols[0]: + return_value = agraph(nodes=nodes, + edges=edges, + config=config) + + # st.write(return_value) + + with cols[1]: + try: + st.image(return_value, use_column_width=True) + except: + st.write('No image selected') \ No newline at end of file diff --git a/Archive/bokehTest.py b/Archive/bokehTest.py new file mode 100644 index 0000000000000000000000000000000000000000..2e9ecfa1051018dcc95460ebd8a7b25748a2dca2 --- /dev/null +++ b/Archive/bokehTest.py @@ -0,0 +1,182 @@ +import os + +import streamlit as st +import torch +import pandas as pd +import numpy as np +import requests + +from bokeh.plotting import figure, show +from bokeh.models import HoverTool, ColumnDataSource, CustomJSHover +from bokeh.embed import file_html +from bokeh.resources import CDN # Import CDN here +from datasets import load_dataset, Dataset, load_from_disk +from huggingface_hub import login +from sklearn.manifold import TSNE +from tqdm import tqdm + + +@st.cache_data +def load_hf_dataset(): + # login to huggingface + login(token=os.environ.get("HF_TOKEN")) + + # load from huggingface + roster = pd.DataFrame(load_dataset('MAPS-research/GEMRec-Roster', split='train')) + promptBook = pd.DataFrame(load_dataset('MAPS-research/GEMRec-Metadata', split='train')) + + # process dataset + roster = roster[['model_id', 'model_name', 'modelVersion_id', 'modelVersion_name', + 'model_download_count']].drop_duplicates().reset_index(drop=True) + + # add 'custom_score_weights' column to promptBook if not exist + if 'weighted_score_sum' not in promptBook.columns: + promptBook.loc[:, 'weighted_score_sum'] = 0 + + # merge roster and promptbook + promptBook = promptBook.merge(roster[['model_id', 'model_name', 'modelVersion_id', 'modelVersion_name', 'model_download_count']], + on=['model_id', 'modelVersion_id'], how='left') + + # add column to record current row index + promptBook.loc[:, 'row_idx'] = promptBook.index + + return roster, promptBook + +def show_with_bokeh(data, streamlit=False): + # Extract x, y coordinates and image URLs + x_coords, y_coords, image_urls = zip(*data) + + # Create a ColumnDataSource + source = ColumnDataSource(data=dict(x=x_coords, y=y_coords, image=image_urls)) + + # Create a figure + p = figure(width=800, height=600) + + # Add scatter plot + scatter = p.scatter(x='x', y='y', size=20, source=source) + + # Define hover tool + hover = HoverTool() + # hover.tooltips = """ + #
+ # + #
+ # """ + # hover.formatters = {'@image': CustomJSHover(code=""" + # const index = cb_data.index; + # const url = cb_data.source.data['image'][index]; + # return ''; + # """)} + + hover.tooltips = """ +
+ +
+ """ + hover.formatters = {'@image': CustomJSHover(code=""" + const index = cb_data.index; + const url = cb_data.source.data['image'][index]; + return ''; + """)} + + p.add_tools(hover) + + # Generate HTML with the plot + html = file_html(p, CDN, "Interactive Scatter Plot with Hover Images") + + # Save the HTML file or show it + # with open("scatter_plot_with_hover_images.html", "w") as f: + # f.write(html) + + if streamlit: + st.bokeh_chart(p, use_container_width=True) + else: + show(p) + + +def show_with_bokeh_2(data, image_size=[40, 40], streamlit=False): + # Extract x, y coordinates and image URLs + x_coords, y_coords, image_urls = zip(*data) + + # Create a ColumnDataSource + source = ColumnDataSource(data=dict(x=x_coords, y=y_coords, image=image_urls)) + + # Create a figure + p = figure(width=800, height=600, aspect_ratio=1.0) + + # Add image glyphs + # image_size = 40 # Adjust this size as needed + scale = 0.1 + image_size = [int(image_size[0])*scale, int(image_size[1])*scale] + print(image_size) + p.image_url(url='image', x='x', y='y', source=source, w=image_size[0], h=image_size[1], anchor="center") + + # Define hover tool + hover = HoverTool() + hover.tooltips = """ +
+ +
+ """ + p.add_tools(hover) + + # Generate HTML with the plot + html = file_html(p, CDN, "Scatter Plot with Images") + + # Save the HTML file or show it + # with open("scatter_plot_with_images.html", "w") as f: + # f.write(html) + + if streamlit: + st.bokeh_chart(p, use_container_width=True) + else: + show(p) + + +if __name__ == '__main__': + # load dataset + roster, promptBook = load_hf_dataset() + + print('==> loading feats') + feats = {} + for pt in os.listdir('../data/feats'): + if pt.split('.')[-1] == 'pt' and pt.split('.')[0].isdigit(): + feats[pt.split('.')[0]] = torch.load(os.path.join('../data/feats', pt)) + + print('==> applying t-SNE') + # apply t-SNE to entries in each feat in feats to get 2D coordinates + tsne = TSNE(n_components=2, random_state=0) + # for k, v in tqdm(feats.items()): + # feats[k]['tsne'] = tsne.fit_transform(v['all'].numpy()) + prompt_id = '49' + feats[prompt_id]['tsne'] = tsne.fit_transform(feats[prompt_id]['all'].numpy()) + + print(feats[prompt_id]['tsne']) + + keys = [] + for k in feats[prompt_id].keys(): + if k != 'all' and k != 'tsne': + keys.append(int(k.item())) + + print(keys) + + data = [] + for idx in range(len(keys)): + modelVersion_id = keys[idx] + image_id = promptBook[(promptBook['modelVersion_id'] == modelVersion_id) & (promptBook['prompt_id'] == int(prompt_id))].reset_index(drop=True).loc[0, 'image_id'] + image_url = f"https://modelcofferbucket.s3-accelerate.amazonaws.com/{image_id}.png" + scale = 50 + data.append((feats[prompt_id]['tsne'][idx][0]*scale, feats[prompt_id]['tsne'][idx][1]*scale, image_url)) + + image_size = promptBook[(promptBook['image_id'] == image_id)].reset_index(drop=True).loc[0, 'size'].split('x') + + # # Sample data: (x, y) coordinates and corresponding image URLs + # data = [ + # (2, 5, "https://www.crunchyroll.com/imgsrv/display/thumbnail/480x720/catalog/crunchyroll/669dae5dbea3d93bb5f1012078501976.jpeg"), + # (4, 8, "https://i.pinimg.com/originals/40/6d/38/406d38957bc4fd12f34c5dfa3d73b86d.jpg"), + # (7, 3, "https://i.pinimg.com/550x/76/27/d2/7627d227adc6fb5fb6662ebfb9d82d7e.jpg"), + # # Add more data points and image URLs + # ] + + # show_with_bokeh(data, streamlit=True) + show_with_bokeh_2(data, image_size=image_size, streamlit=True) \ No newline at end of file diff --git a/Archive/test.py b/Archive/test.py deleted file mode 100644 index 043a016bce85e5015a415e2de1eba7e9ec9f197a..0000000000000000000000000000000000000000 --- a/Archive/test.py +++ /dev/null @@ -1,124 +0,0 @@ -import streamlit as st -from streamlit_sortables import sort_items -from torchvision import transforms -from transformers import CLIPProcessor, CLIPModel -from torchmetrics.multimodal import CLIPScore -import torch -import numpy as np -import pandas as pd -from tqdm import tqdm -from datasets import load_dataset, Dataset, load_from_disk -import os - -import clip - -def compute_clip_score(promptbook, device, drop_negative=False): - # if 'clip_score' in promptbook.columns: - # print('==> Skipping CLIP-Score computation') - # return - print('==> CLIP-Score computation started') - clip_scores = [] - to_tensor = transforms.ToTensor() - # metric = CLIPScore(model_name_or_path='openai/clip-vit-base-patch16').to(DEVICE) - metric = CLIPScore(model_name_or_path='openai/clip-vit-large-patch14').to(device) - for i in tqdm(range(0, len(promptbook), BATCH_SIZE)): - images = [] - prompts = list(promptbook.prompt.values[i:i+BATCH_SIZE]) - for image in promptbook.image.values[i:i+BATCH_SIZE]: - images.append(to_tensor(image)) - with torch.no_grad(): - x = metric.processor(text=prompts, images=images, return_tensors='pt', padding=True) - img_features = metric.model.get_image_features(x['pixel_values'].to(device)) - img_features = img_features / img_features.norm(p=2, dim=-1, keepdim=True) - txt_features = metric.model.get_text_features(x['input_ids'].to(device), x['attention_mask'].to(device)) - txt_features = txt_features / txt_features.norm(p=2, dim=-1, keepdim=True) - scores = 100 * (img_features * txt_features).sum(axis=-1).detach().cpu() - if drop_negative: - scores = torch.max(scores, torch.zeros_like(scores)) - clip_scores += [round(s.item(), 4) for s in scores] - promptbook['clip_score'] = np.asarray(clip_scores) - print('==> CLIP-Score computation completed') - return promptbook - - -def compute_clip_score_hmd(promptbook): - - metric_cpu = CLIPScore(model_name_or_path="openai/clip-vit-large-patch14").to('cpu') - metric_gpu = CLIPScore(model_name_or_path="openai/clip-vit-large-patch14").to('mps') - - for idx in promptbook.index: - clip_score_hm = promptbook.loc[idx, 'clip_score'] - - with torch.no_grad(): - image = promptbook.loc[idx, 'image'] - image.save(f"./tmp/{promptbook.loc[idx, 'image_id']}.png") - image = transforms.ToTensor()(image) - image_cpu = torch.unsqueeze(image, dim=0).to('cpu') - image_gpu = torch.unsqueeze(image, dim=0).to('mps') - - prompts = [promptbook.loc[idx, 'prompt']] - clip_score_cpu = metric_cpu(image_cpu, prompts) - clip_score_gpu = metric_gpu(image_gpu, prompts) - - print( - f'==> clip_score_hm: {clip_score_hm:.4f}, clip_score_cpu: {clip_score_cpu:.4f}, clip_score_gpu: {clip_score_gpu:.4f}') - -def compute_clip_score_transformers(promptbook, device='cpu'): - model = CLIPModel.from_pretrained("openai/clip-vit-large-patch14") - processor = CLIPProcessor.from_pretrained("openai/clip-vit-large-patch14") - - with torch.no_grad(): - inputs = processor(text=promptbook.prompt.tolist(), images=promptbook.image.tolist(), return_tensors="pt", padding=True) - outputs = model(**inputs) - logits_per_image = outputs.logits_per_image - - promptbook.loc[:, 'clip_score'] = logits_per_image[:, 0].tolist() - return promptbook - -def compute_clip_score_clip(promptbook, device='cpu'): - model, preprocess = clip.load("ViT-B/32", device=device) - with torch.no_grad(): - - for idx in promptbook.index: - # image_input = preprocess(promptbook.loc[idx, 'image']).unsqueeze(0).to(device) - image_inputs = preprocess(promptbook.image.tolist()).to(device) - text_inputs = torch.cat([clip.tokenize(promptbook.prompt.tolist()).to(device)]).to(device) - - image_features = model.encode_image(image_inputs) - text_features = model.encode_text(text_inputs) - - - probs = logits_per_image.softmax(dim=-1).cpu().numpy() - promptbook.loc[:, 'clip_score'] = probs[:, 0].tolist() - return promptbook - - -if __name__ == "__main__": - BATCH_SIZE = 200 - # DEVICE = 'mps' if torch.has_mps else 'cpu' - - print(torch.__version__) - - images_ds = load_from_disk(os.path.join(os.pardir, 'data', 'promptbook')) - images_ds = images_ds.sort(['prompt_id', 'modelVersion_id']) - print(images_ds) - print(type(images_ds[0]['image'])) - promptbook_hmd = pd.DataFrame(images_ds[:20]) - promptbook_new = promptbook_hmd.drop(columns=['clip_score']) - promptbook_cpu = compute_clip_score(promptbook_new.copy(deep=True), device='cpu') - promptbook_mps = compute_clip_score(promptbook_new.copy(deep=True), device='mps') - promptbook_tra_cpu = compute_clip_score_transformers(promptbook_new.copy(deep=True)) - promptbook_tra_mps = compute_clip_score_transformers(promptbook_new.copy(deep=True), device='mps') - # - for idx in promptbook_mps.index: - print( - 'image id: ', promptbook_mps['image_id'][idx], - 'mps: ', promptbook_mps['clip_score'][idx], - 'cpu: ', promptbook_cpu['clip_score'][idx], - 'tra cpu: ', promptbook_tra_cpu['clip_score'][idx], - 'tra mps: ', promptbook_tra_mps['clip_score'][idx], - 'hmd: ', promptbook_hmd['clip_score'][idx] - ) - # - # compute_clip_score_hmd(promptbook_hmd) - diff --git a/Archive/test_form.py b/Archive/test_form.py deleted file mode 100644 index 2f142d0722e07993266a8afe4910950061533ab4..0000000000000000000000000000000000000000 --- a/Archive/test_form.py +++ /dev/null @@ -1,39 +0,0 @@ -import streamlit as st - - -def grid(col=3, row=4, name='grid1'): - cols = st.columns(col) - for i in range(row): - for j in range(col): - with cols[j]: - value = st.session_state.checked_dic[name].get(f"{name}_{i*col+j}", False) - - check = st.checkbox(f"{i*col+j}", key=f"{name}_{i*col+j}", value=value) - if check: - st.session_state.checked_dic[name][f"{name}_{i*col+j}"] = True - else: - st.session_state.checked_dic[name][f"{name}_{i*col+j}"] = False - - -def on_click(): - for key in st.session_state: - if st.session_state[key] and key[-1].isdigit(): - st.write(key) - # for key in st.session_state.checked_dic[name]: - # if st.session_state.checked_dic[name][key]: - # st.write(key) - - - -if __name__ == "__main__": - if 'checked_dic' not in st.session_state: - st.session_state.checked_dic = {'grid1': {}, 'grid2': {}} - - name = st.selectbox('Select a grid', ['grid1', 'grid2']) - - with st.form(f"{name}_form"): - grid(name=name) - submit_button = st.form_submit_button("Submit", on_click=on_click) - - - diff --git a/data/feats/1.pt b/data/feats/1.pt new file mode 100644 index 0000000000000000000000000000000000000000..871861c675d244071710b1f7adf1fa3a848317bf --- /dev/null +++ b/data/feats/1.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:211566fa05419c50f9713be092f343a4518a68a0ecdec783f957412d8924cda1 +size 639065 diff --git a/data/feats/10.pt b/data/feats/10.pt new file mode 100644 index 0000000000000000000000000000000000000000..027c7073382b51c814e0b994fbf6490976d1ceb4 --- /dev/null +++ b/data/feats/10.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ddfed333b3a19193d15c23f29d61187e5becc3aaf115c7ad14cbd860c69efcf +size 639068 diff --git a/data/feats/11.pt b/data/feats/11.pt new file mode 100644 index 0000000000000000000000000000000000000000..3812954c604c45ab2af5a0725ec4572745ec5bb5 --- /dev/null +++ b/data/feats/11.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:aa36101aba0c01e1e8a4ad47c506847d5540db36217ab31de59155f605713e70 +size 639068 diff --git a/data/feats/12.pt b/data/feats/12.pt new file mode 100644 index 0000000000000000000000000000000000000000..ccbecb5f5f786d6aabf964c438281aa675af3b78 --- /dev/null +++ b/data/feats/12.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bc9518b972441e3e0d5144025112ad20e0a501914b68806d4ff1ef6e7e7b58a +size 639068 diff --git a/data/feats/13.pt b/data/feats/13.pt new file mode 100644 index 0000000000000000000000000000000000000000..29edd2491d66b0a27288aca47e4a698e5a01878e --- /dev/null +++ b/data/feats/13.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:378aca12dff37e85f2204043bde53c015e85835bee288c317d809abf425b8789 +size 639068 diff --git a/data/feats/14.pt b/data/feats/14.pt new file mode 100644 index 0000000000000000000000000000000000000000..343551f437b341ab4bbcf085aba2427cd818a6f3 --- /dev/null +++ b/data/feats/14.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30b57b3a83a9ba6b78e161f266ab672e054e7772d763c43c1bac80aecd6c8541 +size 639068 diff --git a/data/feats/15.pt b/data/feats/15.pt new file mode 100644 index 0000000000000000000000000000000000000000..2ca6ad9563295019815f9af933a14c3e6c27c774 --- /dev/null +++ b/data/feats/15.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d8b0115e79c8a4e6a6b9ea5c4985fb63d6241a571a64d752db64ac640f74ca34 +size 639068 diff --git a/data/feats/16.pt b/data/feats/16.pt new file mode 100644 index 0000000000000000000000000000000000000000..1828b6455ba29a7fd81508e5399a34a04a375354 --- /dev/null +++ b/data/feats/16.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2a6bd80f3f5dd395a8b0d03e5b39e2e5c17d80f882289a51613a425d09a1ead +size 639068 diff --git a/data/feats/17.pt b/data/feats/17.pt new file mode 100644 index 0000000000000000000000000000000000000000..16f624498ef3086eda19bee7303ee4c462b65e27 --- /dev/null +++ b/data/feats/17.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:79dab0b91e00271acb800da17e2d74eebb034cb8a95e14517e4716d5e45c6ad0 +size 639068 diff --git a/data/feats/18.pt b/data/feats/18.pt new file mode 100644 index 0000000000000000000000000000000000000000..0920a82e6240ecb76eb0e4fade7eb36f1ab6b8ac --- /dev/null +++ b/data/feats/18.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2fe951fd6f45722d23dc67f1680651978e04e0a2ac922bf32c089a70cfb87c42 +size 639068 diff --git a/data/feats/19.pt b/data/feats/19.pt new file mode 100644 index 0000000000000000000000000000000000000000..bebbb431cbc7c9c9e0712a0fa2380cb8d916b6e7 --- /dev/null +++ b/data/feats/19.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee7b8f1b35d51c87b76e315fd70f6eae65bd3f0722a09ccf8f9bedbe6c964ad8 +size 639068 diff --git a/data/feats/2.pt b/data/feats/2.pt new file mode 100644 index 0000000000000000000000000000000000000000..17bc5e896843ba7d4c84d0bdf0eab4c85b9fab32 --- /dev/null +++ b/data/feats/2.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51df1dd4539225460d88d237881af030e0a8919ead4840ee12649902d2cb9e27 +size 639065 diff --git a/data/feats/20.pt b/data/feats/20.pt new file mode 100644 index 0000000000000000000000000000000000000000..fb75b5ce3c62d1aaa31ae27fda258257d22b5edd --- /dev/null +++ b/data/feats/20.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18c90e42f00fc0fab451ad6abf1a1ebac69effeddb3996c53d9cb7f42c54ddac +size 639068 diff --git a/data/feats/21.pt b/data/feats/21.pt new file mode 100644 index 0000000000000000000000000000000000000000..ecfc838f3ba49d3b9f1246096e6f4b5f8b08d341 --- /dev/null +++ b/data/feats/21.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2291f89dbd9db4a440027b70f32007dfe7a30b71b7b724c8cd5227297b309e8 +size 639068 diff --git a/data/feats/22.pt b/data/feats/22.pt new file mode 100644 index 0000000000000000000000000000000000000000..2ed9a125592c98b1928f48a8345a70a0962f17f2 --- /dev/null +++ b/data/feats/22.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a5b588af6935a96915b4aededf0aab030d5af2a4c90e82ac0f7f287c5676229 +size 639068 diff --git a/data/feats/23.pt b/data/feats/23.pt new file mode 100644 index 0000000000000000000000000000000000000000..1f08bbe7d0596c1bbf57ab558692717e8fab1365 --- /dev/null +++ b/data/feats/23.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3829f5cfbeab2191b8732bbb9c0b2588236884d40463d2d9d9a0355f13739c5b +size 639068 diff --git a/data/feats/24.pt b/data/feats/24.pt new file mode 100644 index 0000000000000000000000000000000000000000..04847448f4528756744d2e572360cd260fe414a5 --- /dev/null +++ b/data/feats/24.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e9e05493e450501aea9aa7b2f16fdce7618198790ea55d0f270272f10aabf94 +size 639068 diff --git a/data/feats/25.pt b/data/feats/25.pt new file mode 100644 index 0000000000000000000000000000000000000000..33ae20632a88b144db32ba819caf30a372f3f85b --- /dev/null +++ b/data/feats/25.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9691048bfd0d0bc6e741564f1d33cb45054105e43b709072b645c650fdbe88e0 +size 639068 diff --git a/data/feats/26.pt b/data/feats/26.pt new file mode 100644 index 0000000000000000000000000000000000000000..70feb26bfe80922d3ba22a1ad480feb04ab5abad --- /dev/null +++ b/data/feats/26.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9f2bdf9eec0114be38e77cc9bdf2fe181501069e26a51ba8cc39081182c806a +size 639068 diff --git a/data/feats/27.pt b/data/feats/27.pt new file mode 100644 index 0000000000000000000000000000000000000000..ae8c356ea0be15b047398f60fd899042bcee996d --- /dev/null +++ b/data/feats/27.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efc8182b73dcfa2fcc0383fadf7c99f1e8841f21a4d356a4d57a4dbeb74188ce +size 639068 diff --git a/data/feats/28.pt b/data/feats/28.pt new file mode 100644 index 0000000000000000000000000000000000000000..15d5e581939991f875df87a6dd0e22637c0e8d96 --- /dev/null +++ b/data/feats/28.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c781fc06cdc504773822725a0cc0c833e752130a6ce5a52e0e7092f98f36db1a +size 639068 diff --git a/data/feats/29.pt b/data/feats/29.pt new file mode 100644 index 0000000000000000000000000000000000000000..c36ee3d57b94767a63a34e61f21ee1b8637c0e05 --- /dev/null +++ b/data/feats/29.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac185e131d3430267c3bf68b097f771ca09736e35120654d2a0734d1e4a93464 +size 639068 diff --git a/data/feats/3.pt b/data/feats/3.pt new file mode 100644 index 0000000000000000000000000000000000000000..d5536cd031fc8859d7c041632ae9547ee30b6695 --- /dev/null +++ b/data/feats/3.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d05afa604a44460a6c6ad0ec33a5f8eeea2c344984de35efd2055956a0598389 +size 639065 diff --git a/data/feats/30.pt b/data/feats/30.pt new file mode 100644 index 0000000000000000000000000000000000000000..a84a4e60f9fcedf449e5fdcc7676975e5e9f661e --- /dev/null +++ b/data/feats/30.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:579cf8d4bb7bf2acce917b5cc109afc5511feb1ff7830a27373a0507001e5329 +size 639068 diff --git a/data/feats/31.pt b/data/feats/31.pt new file mode 100644 index 0000000000000000000000000000000000000000..07f4349cb8bd308f6eca481589fe9d975bef8420 --- /dev/null +++ b/data/feats/31.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7815692babecedb80682afe8f8c6f6f4f377b8862490c82b9202680e10973caf +size 639068 diff --git a/data/feats/32.pt b/data/feats/32.pt new file mode 100644 index 0000000000000000000000000000000000000000..61b6ca8925bb2fee285a63fbc5d76d0a13ce14d5 --- /dev/null +++ b/data/feats/32.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7a2d4ffb0aa5019d6bb44e7921154e6db20510ac74c1bd45a429ef4a8b744e1 +size 639068 diff --git a/data/feats/33.pt b/data/feats/33.pt new file mode 100644 index 0000000000000000000000000000000000000000..09b5ad8a29cac192cede8b6b39d30f8c90c5a04b --- /dev/null +++ b/data/feats/33.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d6465a5f845a6d00661c2f27da81e37761ea322e8da4813c8342272620c9319 +size 639068 diff --git a/data/feats/34.pt b/data/feats/34.pt new file mode 100644 index 0000000000000000000000000000000000000000..7619deaabf32ce4fc448fa3ca25cb73e09ff315e --- /dev/null +++ b/data/feats/34.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5964f36395a4fbac147126adf4795fecd8eea24604df529b746f2115be51cfc7 +size 639068 diff --git a/data/feats/35.pt b/data/feats/35.pt new file mode 100644 index 0000000000000000000000000000000000000000..9d2edc0a5cf562860a55ccb5e3dc58d1f40fb05c --- /dev/null +++ b/data/feats/35.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6bafebef939cb64ff136e928d98ea6efd03d16396f9fedffae74c7fbcfc92f19 +size 639068 diff --git a/data/feats/36.pt b/data/feats/36.pt new file mode 100644 index 0000000000000000000000000000000000000000..474422a7bbcbf9e0b890ff218cf46545c1c9696b --- /dev/null +++ b/data/feats/36.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55eabc3ef67a155f4722ad3064dfa65ad2d5b34b8e84084aa4a37215bc6173a4 +size 639068 diff --git a/data/feats/37.pt b/data/feats/37.pt new file mode 100644 index 0000000000000000000000000000000000000000..5517da32e45ed571e81db866924026cc51b76e76 --- /dev/null +++ b/data/feats/37.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d81924e4761c5b2ea4d7984fa0536ca3da1c97ff696bab4435cb95bb3a18db4e +size 639068 diff --git a/data/feats/38.pt b/data/feats/38.pt new file mode 100644 index 0000000000000000000000000000000000000000..9fa3cecb01995ba29e843a2825674e9b2859d137 --- /dev/null +++ b/data/feats/38.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4b01d882d79d3de213abe45a441f3f5bb059d07bc725e63c5461ec6d5eef430 +size 639068 diff --git a/data/feats/39.pt b/data/feats/39.pt new file mode 100644 index 0000000000000000000000000000000000000000..fd79783d5c661228b73e74bca7cd7e85b7a6de58 --- /dev/null +++ b/data/feats/39.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:110d36710a033a95e52dd7dabb150a41a3c793855d5dbfd6016d62f4b5fc43cd +size 639068 diff --git a/data/feats/4.pt b/data/feats/4.pt new file mode 100644 index 0000000000000000000000000000000000000000..bd5c91248f1dad02d610968c109ff1b992de174a --- /dev/null +++ b/data/feats/4.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c31158adb537f11bb73e7036be5df482e804f3198d74c9a84ba184f08f2acd1e +size 639065 diff --git a/data/feats/40.pt b/data/feats/40.pt new file mode 100644 index 0000000000000000000000000000000000000000..e5a7dc3f7d04b3c0e3923bebbb5e4f67af52abe6 --- /dev/null +++ b/data/feats/40.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:366b353476790e157edba90bedb93649d145357477e8e1a42b661fec9c4f9f7f +size 639068 diff --git a/data/feats/41.pt b/data/feats/41.pt new file mode 100644 index 0000000000000000000000000000000000000000..79e73d055da6ee9257e482d9d41a028d5cfbdeab --- /dev/null +++ b/data/feats/41.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e7749780caaabf088b04388af24cf99391f8e4c9dd0a112456a518d74643827 +size 639068 diff --git a/data/feats/42.pt b/data/feats/42.pt new file mode 100644 index 0000000000000000000000000000000000000000..331c47716f21fd671b50ee568442c9e68065dd7e --- /dev/null +++ b/data/feats/42.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5db2fa43372581382aea1b8f8eb0642e3e18c32a431b85732a5021e6868ef8b +size 639068 diff --git a/data/feats/43.pt b/data/feats/43.pt new file mode 100644 index 0000000000000000000000000000000000000000..7bbe53cc31ec8c6680cb383ae67112355cbc6643 --- /dev/null +++ b/data/feats/43.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:405249437414400b5717b3ffb0e572aad382fd888a6f2964d75991a91a6157e5 +size 639068 diff --git a/data/feats/44.pt b/data/feats/44.pt new file mode 100644 index 0000000000000000000000000000000000000000..971dd31a0003e5c2cad12bad8e8dccd6c6de8c24 --- /dev/null +++ b/data/feats/44.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd7ef122fc0fdd1c6df65b9052b75bdf52cb9457673476aca80df5750cfd02e7 +size 639068 diff --git a/data/feats/45.pt b/data/feats/45.pt new file mode 100644 index 0000000000000000000000000000000000000000..45441a6915c8daeafc4b3a7a41e41f42eda45d94 --- /dev/null +++ b/data/feats/45.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:860c9a0fdc60a18d7d54d31c98204fee976f6464a83bffd6d6acd5b6d2c45f4b +size 639068 diff --git a/data/feats/46.pt b/data/feats/46.pt new file mode 100644 index 0000000000000000000000000000000000000000..8bc1b2393e01f14fcb20aa039241cbf8c093b696 --- /dev/null +++ b/data/feats/46.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9df2d104b98d7d8467dfa3e1c58a067bc0d8abb4dd8b61cb0ac1d70c614d965c +size 639068 diff --git a/data/feats/47.pt b/data/feats/47.pt new file mode 100644 index 0000000000000000000000000000000000000000..a84b25bf6bb7e52c14230d691bec1d329aaba223 --- /dev/null +++ b/data/feats/47.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:294149f4bdeda849bb80ff2acf1976c04c2b73225dbd42a27521b7569374ccfc +size 639068 diff --git a/data/feats/48.pt b/data/feats/48.pt new file mode 100644 index 0000000000000000000000000000000000000000..acca668de966a5792d9c7ca1f1469d2acfe73142 --- /dev/null +++ b/data/feats/48.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a3bb1dd5c42af317e85f42d848f32d23c3f5315865b48e4b9ceddebf1e36ab5 +size 639068 diff --git a/data/feats/49.pt b/data/feats/49.pt new file mode 100644 index 0000000000000000000000000000000000000000..41dd66f980537ab066219adbe3a80c6e5918bfb7 --- /dev/null +++ b/data/feats/49.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9920294263b7860c8428503b36e46adbd90fb1f3c6c04b61c36bf84e1a6edc4 +size 639068 diff --git a/data/feats/5.pt b/data/feats/5.pt new file mode 100644 index 0000000000000000000000000000000000000000..86e130fcfad71702030d892fa30ac62265f21d69 --- /dev/null +++ b/data/feats/5.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:178b391bad95d3f103bd0c9bc91e335c3a6e160332c6c2621e68331860b1a1e3 +size 639065 diff --git a/data/feats/50.pt b/data/feats/50.pt new file mode 100644 index 0000000000000000000000000000000000000000..0e1e718516927bc08fa2fd1950672407821f56da --- /dev/null +++ b/data/feats/50.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9075f134133e24420eb65e08b607907965bc32b86466288f0e4ba5e3c189aa60 +size 639068 diff --git a/data/feats/51.pt b/data/feats/51.pt new file mode 100644 index 0000000000000000000000000000000000000000..d781c77e1d1a687cb059b404dd29186f4f9b44e1 --- /dev/null +++ b/data/feats/51.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7037c16e4eaa3df912f150dc59b550596cf10fe41d99e46225d5ff26f8b7fd75 +size 639068 diff --git a/data/feats/52.pt b/data/feats/52.pt new file mode 100644 index 0000000000000000000000000000000000000000..97f2b73d2fe1d9ea1402640babc1704b79ca4a1b --- /dev/null +++ b/data/feats/52.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:08639075e101d73d4fdfdcf83e436e5db71d5ebc7d6644656cd00bad57d6a1b6 +size 639068 diff --git a/data/feats/53.pt b/data/feats/53.pt new file mode 100644 index 0000000000000000000000000000000000000000..ea4941adcba7a4089b7fc9e5515ee4d462300f99 --- /dev/null +++ b/data/feats/53.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbf6f6b724a0cd87908d19d9a989fd40933b7cec96b66203f2d72357aa956878 +size 639068 diff --git a/data/feats/54.pt b/data/feats/54.pt new file mode 100644 index 0000000000000000000000000000000000000000..892769bcc5b6a02246bcd2328502bf857d4d74f3 --- /dev/null +++ b/data/feats/54.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd1da543c32c639c7dd6ea79231e1480d75941b1dd2f0c101e0ff197e27660ba +size 639068 diff --git a/data/feats/55.pt b/data/feats/55.pt new file mode 100644 index 0000000000000000000000000000000000000000..a80ce97a4986cab29023fc7af46f27a454b4ab47 --- /dev/null +++ b/data/feats/55.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f955ceb302aa37d8e8e0d13cc10a846e2e10fe12fd3e7aeb06019b0ad987f983 +size 639068 diff --git a/data/feats/56.pt b/data/feats/56.pt new file mode 100644 index 0000000000000000000000000000000000000000..2bf3c55608baf37f40b537c3a51f386d6f573a1c --- /dev/null +++ b/data/feats/56.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64de824e6f0f6c09ad152a6c465341ecbfe0725214d54574caace4312ab400a1 +size 639068 diff --git a/data/feats/57.pt b/data/feats/57.pt new file mode 100644 index 0000000000000000000000000000000000000000..7d353f22d432c793de67af99ebe4284eb6237d12 --- /dev/null +++ b/data/feats/57.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edc104d81a7fd127a5c9861bcff2785deb83b59d74f532e4364e7d9569f49e15 +size 639068 diff --git a/data/feats/58.pt b/data/feats/58.pt new file mode 100644 index 0000000000000000000000000000000000000000..385d8039e0b3d2820d484ee36d53d56a3854dac5 --- /dev/null +++ b/data/feats/58.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61910af8d99ba6ff9ee4e8c062392e4688cf7022d6e35b86bcdae272b50d1afd +size 639068 diff --git a/data/feats/59.pt b/data/feats/59.pt new file mode 100644 index 0000000000000000000000000000000000000000..bf4b48cf330b9d5beffd05bc8f6c6979d62e763e --- /dev/null +++ b/data/feats/59.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d25224b637a2c6d71ad59c85784f334a47c6afd0892578bc721a06ffcc84d76 +size 639068 diff --git a/data/feats/6.pt b/data/feats/6.pt new file mode 100644 index 0000000000000000000000000000000000000000..c3973ddd2d84ced208428b752af1bb2d560f9d2f --- /dev/null +++ b/data/feats/6.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c246ae6696efa94df2db778cec873dc80ccc44600574380d4905487408ecdde +size 639065 diff --git a/data/feats/60.pt b/data/feats/60.pt new file mode 100644 index 0000000000000000000000000000000000000000..e42ea9267bff5a2359c4102a4590a6a69235a86e --- /dev/null +++ b/data/feats/60.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31a7349b46e7a7973d4f0af90a9b36633a224f6f369deab2b8b856c8892a138a +size 639068 diff --git a/data/feats/61.pt b/data/feats/61.pt new file mode 100644 index 0000000000000000000000000000000000000000..5537791e2b89a166461c3fc0f33665aee2cb9bf5 --- /dev/null +++ b/data/feats/61.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8c218d497f22b0bb02db6fa64164f6d9244d159e05748291b946898d766a8ddf +size 639068 diff --git a/data/feats/62.pt b/data/feats/62.pt new file mode 100644 index 0000000000000000000000000000000000000000..6860172d9d9f2e3415a16a5a293b6c4b671974c2 --- /dev/null +++ b/data/feats/62.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88bdf591990db4526ff39540c3b770753a76fae948b724f43ad360ad82be42da +size 639068 diff --git a/data/feats/63.pt b/data/feats/63.pt new file mode 100644 index 0000000000000000000000000000000000000000..ab05c8753512809f1efc2e079279d0c1d52679a2 --- /dev/null +++ b/data/feats/63.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f9fafe92b2a0051e2153bc9072bd2a617215a2fad1f3ccde351c2ff89ac39cf5 +size 639068 diff --git a/data/feats/64.pt b/data/feats/64.pt new file mode 100644 index 0000000000000000000000000000000000000000..f6c1d56256fd43e1a4715ce2900787928cd95c37 --- /dev/null +++ b/data/feats/64.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dd6fdf89aeb58f183b3087936ff2aea0dbc11ef4f425faa3c8333f7176306e69 +size 639068 diff --git a/data/feats/65.pt b/data/feats/65.pt new file mode 100644 index 0000000000000000000000000000000000000000..fbf7aca05ce0f1cb95a83137aea0138212e6502f --- /dev/null +++ b/data/feats/65.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9461fe708ee132905284151a6d1e044fa9b0a8f2b4a4b696c2460c9a08901cc6 +size 639068 diff --git a/data/feats/66.pt b/data/feats/66.pt new file mode 100644 index 0000000000000000000000000000000000000000..fc77e2d7538de99a7726333f584d177e4ab649be --- /dev/null +++ b/data/feats/66.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:398867eea36a13ba479f438bcb07a51a3453643f1b7b71d6f8a30ad7c181e990 +size 639068 diff --git a/data/feats/67.pt b/data/feats/67.pt new file mode 100644 index 0000000000000000000000000000000000000000..5f12f011b71c2b52e9bc812893f28b0a7702922b --- /dev/null +++ b/data/feats/67.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:00258883a1530bb222c0a202339010c66d256c4edcb2e2128569d029af3e8a3a +size 639068 diff --git a/data/feats/68.pt b/data/feats/68.pt new file mode 100644 index 0000000000000000000000000000000000000000..3391c217a54ffd2342549ae1e9842824a371ea4e --- /dev/null +++ b/data/feats/68.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db7764b37a8d90648cc03cbc4151072e442b5e33b6f47c8172c613e938f65c5d +size 639068 diff --git a/data/feats/69.pt b/data/feats/69.pt new file mode 100644 index 0000000000000000000000000000000000000000..194c0b86431ef2593cc1a06ac9a5edfccc0ceeb4 --- /dev/null +++ b/data/feats/69.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fe6fe39b7c22e527965447404988736a282ef8feb31f6cc2cde8e9611bcd08f9 +size 639068 diff --git a/data/feats/7.pt b/data/feats/7.pt new file mode 100644 index 0000000000000000000000000000000000000000..fb2940a80402f0c8f9270d9eb74b148a3ca73af1 --- /dev/null +++ b/data/feats/7.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d5eeaf2a17d15176779d0f7899b71f49a7befe6bbf957c265a31cdd752d594f +size 639065 diff --git a/data/feats/70.pt b/data/feats/70.pt new file mode 100644 index 0000000000000000000000000000000000000000..9cd3c68e56fcb09d0862609d662b3170e30b2b9d --- /dev/null +++ b/data/feats/70.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3da4faacbb36eac09de3bf5a52fdaf5024c86f0734f3baa82c4031ce4762191b +size 639068 diff --git a/data/feats/71.pt b/data/feats/71.pt new file mode 100644 index 0000000000000000000000000000000000000000..53eea3732268bcaf476f416ca72888213287eca3 --- /dev/null +++ b/data/feats/71.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bfd1af74313a1d4d73fac426d43536724df020547dbf1d616e55aa3ec71c2fba +size 639068 diff --git a/data/feats/72.pt b/data/feats/72.pt new file mode 100644 index 0000000000000000000000000000000000000000..357abd2d7b4f423fd7a17c91e7e114b330781e7c --- /dev/null +++ b/data/feats/72.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65e8559af8c93c472af0433b85cc24d85d370a4feac032e30742f2ff48210a51 +size 639068 diff --git a/data/feats/73.pt b/data/feats/73.pt new file mode 100644 index 0000000000000000000000000000000000000000..611ecd2df1f78e15220885b94cd18169d30a991c --- /dev/null +++ b/data/feats/73.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5480fa6dd5b3170f4386261ed4ad30f1590fc4e4012d60df33144218d85f2bf0 +size 639068 diff --git a/data/feats/74.pt b/data/feats/74.pt new file mode 100644 index 0000000000000000000000000000000000000000..7de1c9c67df09605c2907fe1887539326be7c8c2 --- /dev/null +++ b/data/feats/74.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad3f83dd182b714c6761cca759d4490a77b48595cbc6bed7c1f4092cb8e4a6b3 +size 639068 diff --git a/data/feats/75.pt b/data/feats/75.pt new file mode 100644 index 0000000000000000000000000000000000000000..7c9a9418e9c27c513ba1118e837d522dc9f6c333 --- /dev/null +++ b/data/feats/75.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8de3324b9919c59f55ab4d88b4967d5660b27171388144e3e67aba6ce87d8b0c +size 639068 diff --git a/data/feats/76.pt b/data/feats/76.pt new file mode 100644 index 0000000000000000000000000000000000000000..781f8c26595cd39227ca8f4d46aa1e386a8500f1 --- /dev/null +++ b/data/feats/76.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:783ce8cb38b6f5997291c88ee7e83187a6efcf22db5100480efb0f70da0326b8 +size 639068 diff --git a/data/feats/77.pt b/data/feats/77.pt new file mode 100644 index 0000000000000000000000000000000000000000..7e227f093ad4282c908edb89a93912bf170a5086 --- /dev/null +++ b/data/feats/77.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ba76aa60995ab3836fb50bc88ce663928dcac501958110cfb017818c2685baa +size 639068 diff --git a/data/feats/78.pt b/data/feats/78.pt new file mode 100644 index 0000000000000000000000000000000000000000..057efc6fecb904e5d5beded22940041e3950245f --- /dev/null +++ b/data/feats/78.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b995dca463c40c09e470bba96c5d705778901d96886d9aee8a9273b1668841af +size 639068 diff --git a/data/feats/79.pt b/data/feats/79.pt new file mode 100644 index 0000000000000000000000000000000000000000..2826f4822595f8fb7036415463909df2432981c9 --- /dev/null +++ b/data/feats/79.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37fcfb428ae25f63ff9ed1149518020e3781096688fd981da10ab911a5383dcb +size 639068 diff --git a/data/feats/8.pt b/data/feats/8.pt new file mode 100644 index 0000000000000000000000000000000000000000..8cde943941c5ee485ec9471aecf4f79addd75876 --- /dev/null +++ b/data/feats/8.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac9cfe66234e42a7d76415c8369e15bc0641036bc0b9c8094f45a47e16ad1f7b +size 639065 diff --git a/data/feats/80.pt b/data/feats/80.pt new file mode 100644 index 0000000000000000000000000000000000000000..158fa3d54171b82dc96e5e905dd649198bca2140 --- /dev/null +++ b/data/feats/80.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef099dc0b5cb90b6bc76114f598c779ad19e73bbb6e2449f931c6c6a9ab1e492 +size 639068 diff --git a/data/feats/81.pt b/data/feats/81.pt new file mode 100644 index 0000000000000000000000000000000000000000..c39b4b98453b63eb6bc99133ab0fdba847f8d4bc --- /dev/null +++ b/data/feats/81.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e4fc6beaac683146324cf6c510b3aa712c75a47ee315c4bc70dd4fcf6dd4ca93 +size 639068 diff --git a/data/feats/82.pt b/data/feats/82.pt new file mode 100644 index 0000000000000000000000000000000000000000..89d41a98f55a49e1d3e87b312abe6b9348614bcd --- /dev/null +++ b/data/feats/82.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4d071749a38248bc94ec23da1df6288fae6f86d51b311cdba7a9e9d118f3e2cf +size 639068 diff --git a/data/feats/83.pt b/data/feats/83.pt new file mode 100644 index 0000000000000000000000000000000000000000..27f664939af174380524cb5e6e2ad9866f1f7177 --- /dev/null +++ b/data/feats/83.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9553f0f3ed33b6c47ce4b95e02e572042be20fa9241bf0830c2654915268da91 +size 639068 diff --git a/data/feats/84.pt b/data/feats/84.pt new file mode 100644 index 0000000000000000000000000000000000000000..7bdff69f27a1948186216f1b69ef7c689d7b7b09 --- /dev/null +++ b/data/feats/84.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e30d20b2eb9378602144882ed6b83b9df438815cd18e99904e76a12ffe8babd +size 639068 diff --git a/data/feats/85.pt b/data/feats/85.pt new file mode 100644 index 0000000000000000000000000000000000000000..5e37cdbcbe61658e1ad1c68a48834cca9bb5e312 --- /dev/null +++ b/data/feats/85.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:423958ae8c5423733c577dad7d174d3dcc89055865e92fbd099bdf5f59ccebea +size 639068 diff --git a/data/feats/86.pt b/data/feats/86.pt new file mode 100644 index 0000000000000000000000000000000000000000..87d895c85c97b3e5eed6231be30f980ac03d94d8 --- /dev/null +++ b/data/feats/86.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0bf8e06dfe11bc6d1b91079aef6b5d8c079affd9c352d4816f0d3f9b8f3746a3 +size 639068 diff --git a/data/feats/87.pt b/data/feats/87.pt new file mode 100644 index 0000000000000000000000000000000000000000..743d168957b3aad76599c51ae194f62699a94c25 --- /dev/null +++ b/data/feats/87.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b897badb7ea0e2055cab76c4c9a6995667dfd3d9cece8248327497e28d7a8662 +size 639068 diff --git a/data/feats/88.pt b/data/feats/88.pt new file mode 100644 index 0000000000000000000000000000000000000000..01c8917be6bc7c5ebf666fd212363bc4d45b8eff --- /dev/null +++ b/data/feats/88.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edaa9cdaa858bb143bb6b3188bb2f31d0971170b8370653b1767813691befc0c +size 639068 diff --git a/data/feats/89.pt b/data/feats/89.pt new file mode 100644 index 0000000000000000000000000000000000000000..0f3c6585fee0e589b80246550bf9d8f5ad45d3e8 --- /dev/null +++ b/data/feats/89.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4831412b7171498da1d2800d48847a26695cd033328f4d481b62b9a3ddd10b2b +size 639068 diff --git a/data/feats/9.pt b/data/feats/9.pt new file mode 100644 index 0000000000000000000000000000000000000000..556fa833dd07fa61f0fc0b937e6c3870eeeb609e --- /dev/null +++ b/data/feats/9.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d571456b6d5d59cebcf1f0c555b46d093456d167871bbe8de0d8680a8e27bf47 +size 639065 diff --git a/data/feats/90.pt b/data/feats/90.pt new file mode 100644 index 0000000000000000000000000000000000000000..c91228bf8f62259a9c43ace050dd447de838301b --- /dev/null +++ b/data/feats/90.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:afe9e4be08632aab8ae5291d8b0ab6b2b7fbc4e519bc88a59c9bab7aad434bb1 +size 639068 diff --git a/data/feats/prompts.pt b/data/feats/prompts.pt new file mode 100644 index 0000000000000000000000000000000000000000..4001c838757edeac0c250a11e7700644a2d4efb5 --- /dev/null +++ b/data/feats/prompts.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:372040b4256a2f65f995837dd80f05caadc96bb166b6395dc3ccac13cb5f5b65 +size 288811 diff --git a/data/feats_tsne.parquet b/data/feats_tsne.parquet new file mode 100644 index 0000000000000000000000000000000000000000..25ff2f106ef6d9c77970ff9c59fecd84a3e8c2c0 --- /dev/null +++ b/data/feats_tsne.parquet @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89fa513268d3cd9efbb00123c73939d30e005ba9681b05deeeddb000c8125ef0 +size 217926 diff --git a/data/feats_tsne.py b/data/feats_tsne.py new file mode 100644 index 0000000000000000000000000000000000000000..beb926145d1a1144b763990e89a5f1c5aa645494 --- /dev/null +++ b/data/feats_tsne.py @@ -0,0 +1,52 @@ +import os + +import numpy as np +import pandas as pd +import torch + +from sklearn.manifold import TSNE +from tqdm import tqdm + + +def load_feats(path='./feats'): + print('==> loading feats') + feats = {} + for pt in os.listdir(path): + if pt.split('.')[-1] == 'pt' and pt.split('.')[0].isdigit(): + feats[int(pt.split('.')[0])] = torch.load(os.path.join('../data/feats', pt)) + return feats + + +def calc_tsne(feat): + tsne = TSNE(n_components=2, random_state=0, perplexity=30, n_iter=1000) + res = tsne.fit_transform(feat['all'].numpy()) + return res + + +def test_open(fp='./feats_tsne.parquet'): + df = pd.read_parquet(fp) + print(df.head()) + + +if __name__ == '__main__': + feats = load_feats() + df = pd.DataFrame(columns=['x', 'y', 'prompt_id', 'modelVersion_id']) + + print('==> applying t-SNE') + for k, v in tqdm(feats.items()): + modelVersion_ids = [] + for id in v.keys(): + if id != 'all' and id != 'tsne': + modelVersion_ids.append(int(id.item())) + + res = calc_tsne(v) + + tmp = pd.DataFrame(res, columns=['x', 'y']) + tmp['prompt_id'] = k + tmp['modelVersion_id'] = modelVersion_ids + + df = pd.concat([df, tmp], ignore_index=True) + + df.to_parquet('./feats_tsne.parquet') + + # test_open() \ No newline at end of file diff --git a/requirements.txt b/requirements.txt index 3efff5d3fd47ccbd91cb210e5492a54bd430e342..18a3bd0a6d802a6a369a96a7d2fc19dd85995a25 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,7 +1,8 @@ huggingface_hub streamlit-elements==0.1.0 streamlit-extras +streamlit-agraph altair<5 streamlit-vega-lite scikit-learn -pymysql \ No newline at end of file +pymysql