diff --git a/app.py b/app.py index c201eb7d7299155ef5b6c537dca142d488bd7957..135cd7b80423f9f9618b9ceb68758a3a8fe0cd72 100644 --- a/app.py +++ b/app.py @@ -1,183 +1,52 @@ -import json +from apps import mlm, vqa import os -from io import BytesIO - -import matplotlib.pyplot as plt -import numpy as np -import pandas as pd import streamlit as st -from mtranslate import translate -from PIL import Image -from streamlit.elements import markdown - -from model.flax_clip_vision_bert.modeling_clip_vision_bert import ( - FlaxCLIPVisionBertForSequenceClassification, -) -from session import _get_state -from utils import ( - get_text_attributes, - get_top_5_predictions, - get_transformed_image, - plotly_express_horizontal_bar_plot, - translate_labels, -) - -state = _get_state() - - -@st.cache(persist=True) -def load_model(ckpt): - return FlaxCLIPVisionBertForSequenceClassification.from_pretrained(ckpt) - - -@st.cache(persist=True) -def predict(transformed_image, question_inputs): - return np.array(model(pixel_values=transformed_image, **question_inputs)[0][0]) - - -def softmax(logits): - return np.exp(logits) / np.sum(np.exp(logits), axis=0) - +from multiapp import MultiApp def read_markdown(path, parent="./sections/"): with open(os.path.join(parent, path)) as f: return f.read() -checkpoints = ["./ckpt/vqa/ckpt-60k-5999"] # TODO: Maybe add more checkpoints? -dummy_data = pd.read_csv("dummy_vqa_multilingual.tsv", sep="\t") -code_to_name = { - "en": "English", - "fr": "French", - "de": "German", - "es": "Spanish", -} - -with open("answer_reverse_mapping.json") as f: - answer_reverse_mapping = json.load(f) - - -st.set_page_config( - page_title="Multilingual VQA", - layout="wide", - initial_sidebar_state="collapsed", - page_icon="./misc/mvqa-logo-3-white.png", -) - -st.title("Multilingual Visual Question Answering") -st.write( - "[Gunjan Chhablani](https://huggingface.co/gchhablani), [Bhavitvya Malik](https://huggingface.co/bhavitvyamalik)" -) - -image_col, intro_col = st.beta_columns([3, 8]) -image_col.image("./misc/mvqa-logo-3-white.png", use_column_width="always") -intro_col.write(read_markdown("intro.md")) -with st.beta_expander("Usage"): - st.write(read_markdown("usage.md")) - -with st.beta_expander("Article"): - st.write(read_markdown("abstract.md")) - st.write(read_markdown("caveats.md")) - st.write("## Methodology") - col1, col2 = st.beta_columns([1,1]) - col1.image( - "./misc/article/resized/Multilingual-VQA.png", - caption="Masked LM model for Image-text Pretraining.", +def main(): + st.set_page_config( + page_title="Multilingual VQA", + layout="wide", + initial_sidebar_state="collapsed", + page_icon="./misc/mvqa-logo-3-white.png", ) - col2.markdown(read_markdown("pretraining.md")) - st.markdown(read_markdown("finetuning.md")) - st.write(read_markdown("challenges.md")) - st.write(read_markdown("social_impact.md")) - st.write(read_markdown("references.md")) - st.write(read_markdown("checkpoints.md")) - st.write(read_markdown("acknowledgements.md")) -first_index = 20 -# Init Session State -if state.image_file is None: - state.image_file = dummy_data.loc[first_index, "image_file"] - state.question = dummy_data.loc[first_index, "question"].strip("- ") - state.answer_label = dummy_data.loc[first_index, "answer_label"] - state.question_lang_id = dummy_data.loc[first_index, "lang_id"] - state.answer_lang_id = dummy_data.loc[first_index, "lang_id"] - - image_path = os.path.join("resized_images", state.image_file) - image = plt.imread(image_path) - state.image = image - -# col1, col2, col3 = st.beta_columns([3,3,3]) - -if st.button( - "Get a random example", - help="Get a random example from the 100 `seeded` image-text pairs.", -): - sample = dummy_data.sample(1).reset_index() - state.image_file = sample.loc[0, "image_file"] - state.question = sample.loc[0, "question"].strip("- ") - state.answer_label = sample.loc[0, "answer_label"] - state.question_lang_id = sample.loc[0, "lang_id"] - state.answer_lang_id = sample.loc[0, "lang_id"] - - image_path = os.path.join("resized_images", state.image_file) - image = plt.imread(image_path) - state.image = image - -# col2.write("OR") - -# uploaded_file = col2.file_uploader( -# "Upload your image", -# type=["png", "jpg", "jpeg"], -# help="Upload a file of your choosing.", -# ) -# if uploaded_file is not None: -# state.image_file = os.path.join("images/val2014", uploaded_file.name) -# state.image = np.array(Image.open(uploaded_file)) - -transformed_image = get_transformed_image(state.image) - -new_col1, new_col2 = st.beta_columns([5, 5]) - -# Display Image -new_col1.image(state.image, use_column_width="always") - - -# Display Question -question = new_col2.text_input( - label="Question", - value=state.question, - help="Type your question regarding the image above in one of the four languages.", -) -new_col2.markdown( - f"""**English Translation**: {question if state.question_lang_id == "en" else translate(question, 'en')}""" -) - -question_inputs = get_text_attributes(question) - -# Select Language -options = ["en", "de", "es", "fr"] -state.answer_lang_id = new_col2.selectbox( - "Answer Language", - index=options.index(state.answer_lang_id), - options=options, - format_func=lambda x: code_to_name[x], - help="The language to be used to show the top-5 labels.", -) - -actual_answer = answer_reverse_mapping[str(state.answer_label)] -new_col2.markdown( - "**Actual Answer**: " - + translate_labels([actual_answer], state.answer_lang_id)[0] - + " (" - + actual_answer - + ")" -) + st.title("Multilingual Visual Question Answering") + st.write( + "[Gunjan Chhablani](https://huggingface.co/gchhablani), [Bhavitvya Malik](https://huggingface.co/bhavitvyamalik)" + ) -# Display Top-5 Predictions -with st.spinner("Loading model..."): - model = load_model(checkpoints[0]) -with st.spinner("Predicting..."): - logits = predict(transformed_image, dict(question_inputs)) -logits = softmax(logits) -labels, values = get_top_5_predictions(logits, answer_reverse_mapping) -translated_labels = translate_labels(labels, state.answer_lang_id) -fig = plotly_express_horizontal_bar_plot(values, translated_labels) -st.plotly_chart(fig, use_container_width=True) + image_col, intro_col = st.beta_columns([3, 8]) + image_col.image("./misc/mvqa-logo-3-white.png", use_column_width="always") + intro_col.write(read_markdown("intro.md")) + with st.beta_expander("Usage"): + st.write(read_markdown("usage.md")) + + with st.beta_expander("Article"): + st.write(read_markdown("abstract.md")) + st.write(read_markdown("caveats.md")) + st.write("## Methodology") + col1, col2 = st.beta_columns([1,1]) + col1.image( + "./misc/article/Multilingual-VQA.png", + caption="Masked LM model for Image-text Pretraining.", + ) + col2.markdown(read_markdown("pretraining.md")) + st.markdown(read_markdown("finetuning.md")) + st.write(read_markdown("challenges.md")) + st.write(read_markdown("social_impact.md")) + st.write(read_markdown("references.md")) + st.write(read_markdown("checkpoints.md")) + st.write(read_markdown("acknowledgements.md")) + + app = MultiApp() + app.add_app("Visual Question Answering", vqa.app) + app.add_app("Mask Filling", mlm.app) + app.run() + +if __name__ == "__main__": + main() \ No newline at end of file diff --git a/apps/mlm.py b/apps/mlm.py new file mode 100644 index 0000000000000000000000000000000000000000..c618632ed100fb5c844229582cf36051899e2629 --- /dev/null +++ b/apps/mlm.py @@ -0,0 +1,109 @@ + +from .utils import ( + get_text_attributes, + get_top_5_predictions, + get_transformed_image, + plotly_express_horizontal_bar_plot, + translate_labels, + bert_tokenizer +) + +import streamlit as st +import numpy as np +import pandas as pd +import os +import matplotlib.pyplot as plt + +from session import _get_state + + +from .model.flax_clip_vision_bert.modeling_clip_vision_bert import ( + FlaxCLIPVisionBertForMaskedLM, +) + +def softmax(logits): + return np.exp(logits) / np.sum(np.exp(logits), axis=0) + +def app(): + state = _get_state() + + @st.cache(persist=False) + def predict(transformed_image, caption_inputs): + outputs = state.model(pixel_values=transformed_image, **caption_inputs) + indices = np.where(caption_inputs['input_ids']==bert_tokenizer.mask_token_id) + preds = outputs.logits[indices][0] + sorted_indices = np.argsort(preds)[::-1] # Get reverse sorted scores + top_5_indices = sorted_indices[:5] + top_5_tokens = bert_tokenizer.convert_ids_to_tokens(top_5_indices) + top_5_scores = np.array(preds[top_5_indices]) + return top_5_tokens, top_5_scores + + + @st.cache(persist=False) + def load_model(ckpt): + return FlaxCLIPVisionBertForMaskedLM.from_pretrained(ckpt) + + mlm_checkpoints = ['flax-community/clip-vision-bert-cc12m-70k'] + dummy_data = pd.read_csv("cc12m_data/vqa_val.tsv", sep="\t") + + first_index = 20 + # Init Session State + if state.image_file is None: + state.image_file = dummy_data.loc[first_index, "image_file"] + caption = dummy_data.loc[first_index, "caption"].strip("- ") + ids = bert_tokenizer(caption) + ids[np.random.randint(0, len(ids))] = bert_tokenizer.mask_token_id + state.caption = bert_tokenizer.decode(ids) + state.caption_lang_id = dummy_data.loc[first_index, "lang_id"] + + image_path = os.path.join("cc12m_data/images_vqa", state.image_file) + image = plt.imread(image_path) + state.image = image + + if state.model is None: + # Display Top-5 Predictions + with st.spinner("Loading model..."): + state.model = load_model(mlm_checkpoints[0]) + + if st.button( + "Get a random example", + help="Get a random example from the 100 `seeded` image-text pairs.", + ): + sample = dummy_data.sample(1).reset_index() + state.image_file = sample.loc[0, "image_file"] + caption = sample.loc[0, "caption"].strip("- ") + ids = bert_tokenizer(caption) + ids[np.random.randint(0, len(ids))] = bert_tokenizer.mask_token_id + state.caption = bert_tokenizer.decode(ids) + state.caption_lang_id = sample.loc[0, "lang_id"] + + image_path = os.path.join("cc12m_data/images_vqa", state.image_file) + image = plt.imread(image_path) + state.image = image + + transformed_image = get_transformed_image(state.image) + + new_col1, new_col2 = st.beta_columns([5, 5]) + + # Display Image + new_col1.image(state.image, use_column_width="always") + + + # Display caption + new_col2.write("Write your text with exactly one [MASK] token.") + caption = new_col2.text_input( + label="Text", + value=state.caption, + help="Type your masked caption regarding the image above in one of the four languages.", + ) + + caption_inputs = get_text_attributes(caption) + + # Display Top-5 Predictions + + with st.spinner("Predicting..."): + logits = predict(transformed_image, dict(caption_inputs)) + logits = softmax(logits) + labels, values = get_top_5_predictions(logits) + fig = plotly_express_horizontal_bar_plot(values, labels) + st.plotly_chart(fig, use_container_width=True) \ No newline at end of file diff --git a/model/__init__.py b/apps/model/__init__.py similarity index 100% rename from model/__init__.py rename to apps/model/__init__.py diff --git a/model/flax_clip_vision_bert/__init__.py b/apps/model/flax_clip_vision_bert/__init__.py similarity index 100% rename from model/flax_clip_vision_bert/__init__.py rename to apps/model/flax_clip_vision_bert/__init__.py diff --git a/model/flax_clip_vision_bert/configuration_clip_vision_bert.py b/apps/model/flax_clip_vision_bert/configuration_clip_vision_bert.py similarity index 100% rename from model/flax_clip_vision_bert/configuration_clip_vision_bert.py rename to apps/model/flax_clip_vision_bert/configuration_clip_vision_bert.py diff --git a/model/flax_clip_vision_bert/modeling_clip_vision_bert.py b/apps/model/flax_clip_vision_bert/modeling_clip_vision_bert.py similarity index 100% rename from model/flax_clip_vision_bert/modeling_clip_vision_bert.py rename to apps/model/flax_clip_vision_bert/modeling_clip_vision_bert.py diff --git a/utils.py b/apps/utils.py similarity index 88% rename from utils.py rename to apps/utils.py index 917e9aa00cc34f31f4e3fb873dfe11eeba486e3f..2f225d826d1504a28476ac6d727a9783bc5a4ec4 100644 --- a/utils.py +++ b/apps/utils.py @@ -3,8 +3,7 @@ import json import numpy as np import plotly.express as px import torch -from PIL import Image -from torchvision.io import ImageReadMode, read_image +from torchvision.io import read_image from torchvision.transforms import CenterCrop, ConvertImageDtype, Normalize, Resize from torchvision.transforms.functional import InterpolationMode from transformers import BertTokenizerFast @@ -41,15 +40,17 @@ def get_transformed_image(image): bert_tokenizer = BertTokenizerFast.from_pretrained("bert-base-multilingual-uncased") - def get_text_attributes(text): return bert_tokenizer([text], return_token_type_ids=True, return_tensors="np") -def get_top_5_predictions(logits, answer_reverse_mapping): +def get_top_5_predictions(logits, answer_reverse_mapping=None): indices = np.argsort(logits)[-5:] values = logits[indices] - labels = [answer_reverse_mapping[str(i)] for i in indices] + if answer_reverse_mapping is not None: + labels = [answer_reverse_mapping[str(i)] for i in indices] + else: + labels = bert_tokenizer.convert_ids_to_tokens(indices) return labels, values diff --git a/apps/vqa.py b/apps/vqa.py new file mode 100644 index 0000000000000000000000000000000000000000..0b77016ef5370c8a9f7e2b39ce7eb014469af216 --- /dev/null +++ b/apps/vqa.py @@ -0,0 +1,131 @@ + +from .utils import ( + get_text_attributes, + get_top_5_predictions, + get_transformed_image, + plotly_express_horizontal_bar_plot, + translate_labels, +) + +import streamlit as st +import numpy as np +import pandas as pd +import os +import matplotlib.pyplot as plt +import json + +from mtranslate import translate +from session import _get_state + + +from .model.flax_clip_vision_bert.modeling_clip_vision_bert import ( + FlaxCLIPVisionBertForSequenceClassification, +) + +def softmax(logits): + return np.exp(logits) / np.sum(np.exp(logits), axis=0) + +def app(): + state = _get_state() + + @st.cache(persist=True) + def predict(transformed_image, question_inputs): + return np.array(state.model(pixel_values=transformed_image, **question_inputs)[0][0]) + + + @st.cache(persist=True) + def load_model(ckpt): + return FlaxCLIPVisionBertForSequenceClassification.from_pretrained(ckpt) + + vqa_checkpoints = ["flax-community/clip-vision-bert-vqa-ft-6k"] # TODO: Maybe add more checkpoints? + dummy_data = pd.read_csv("dummy_vqa_multilingual.tsv", sep="\t") + code_to_name = { + "en": "English", + "fr": "French", + "de": "German", + "es": "Spanish", + } + + + with open("answer_reverse_mapping.json") as f: + answer_reverse_mapping = json.load(f) + + first_index = 20 + # Init Session State + if state.image_file is None: + state.image_file = dummy_data.loc[first_index, "image_file"] + state.question = dummy_data.loc[first_index, "question"].strip("- ") + state.answer_label = dummy_data.loc[first_index, "answer_label"] + state.question_lang_id = dummy_data.loc[first_index, "lang_id"] + state.answer_lang_id = dummy_data.loc[first_index, "lang_id"] + + image_path = os.path.join("resized_images", state.image_file) + image = plt.imread(image_path) + state.image = image + + if state.model is None: + # Display Top-5 Predictions + with st.spinner("Loading model..."): + state.model = load_model(vqa_checkpoints[0]) + + if st.button( + "Get a random example", + help="Get a random example from the 100 `seeded` image-text pairs.", + ): + sample = dummy_data.sample(1).reset_index() + state.image_file = sample.loc[0, "image_file"] + state.question = sample.loc[0, "question"].strip("- ") + state.answer_label = sample.loc[0, "answer_label"] + state.question_lang_id = sample.loc[0, "lang_id"] + state.answer_lang_id = sample.loc[0, "lang_id"] + + image_path = os.path.join("resized_images", state.image_file) + image = plt.imread(image_path) + state.image = image + + transformed_image = get_transformed_image(state.image) + + new_col1, new_col2 = st.beta_columns([5, 5]) + + # Display Image + new_col1.image(state.image, use_column_width="always") + + + # Display Question + question = new_col2.text_input( + label="Question", + value=state.question, + help="Type your question regarding the image above in one of the four languages.", + ) + new_col2.markdown( + f"""**English Translation**: {question if state.question_lang_id == "en" else translate(question, 'en')}""" + ) + + question_inputs = get_text_attributes(question) + + # Select Language + options = ["en", "de", "es", "fr"] + state.answer_lang_id = new_col2.selectbox( + "Answer Language", + index=options.index(state.answer_lang_id), + options=options, + format_func=lambda x: code_to_name[x], + help="The language to be used to show the top-5 labels.", + ) + + actual_answer = answer_reverse_mapping[str(state.answer_label)] + new_col2.markdown( + "**Actual Answer**: " + + translate_labels([actual_answer], state.answer_lang_id)[0] + + " (" + + actual_answer + + ")" + ) + + with st.spinner("Predicting..."): + logits = predict(transformed_image, dict(question_inputs)) + logits = softmax(logits) + labels, values = get_top_5_predictions(logits, answer_reverse_mapping) + translated_labels = translate_labels(labels, state.answer_lang_id) + fig = plotly_express_horizontal_bar_plot(values, translated_labels) + st.plotly_chart(fig, use_container_width=True) \ No newline at end of file diff --git a/cc12m_data/.DS_Store b/cc12m_data/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..c06c9ae0d53115c950ac4d164bc2339afc330745 Binary files /dev/null and b/cc12m_data/.DS_Store differ diff --git a/cc12m_data/images_vqa/.DS_Store b/cc12m_data/images_vqa/.DS_Store new file mode 100644 index 0000000000000000000000000000000000000000..5008ddfcf53c02e82d7eee2e57c38e5672ef89f6 Binary files /dev/null and b/cc12m_data/images_vqa/.DS_Store differ diff --git a/cc12m_data/images_vqa/00212055---Wax_cylinder_in_Dictaphone.jpg b/cc12m_data/images_vqa/00212055---Wax_cylinder_in_Dictaphone.jpg new file mode 100644 index 0000000000000000000000000000000000000000..920982999be3cf303536406236799d72e0f06c14 Binary files /dev/null and b/cc12m_data/images_vqa/00212055---Wax_cylinder_in_Dictaphone.jpg differ diff --git a/cc12m_data/images_vqa/00315853---041bdd212f5b5d3d30cbc4ccf523f1a3.jpg b/cc12m_data/images_vqa/00315853---041bdd212f5b5d3d30cbc4ccf523f1a3.jpg new file mode 100644 index 0000000000000000000000000000000000000000..df0ef86af403fa637e2f71005a43bbfa87f86c79 Binary files /dev/null and b/cc12m_data/images_vqa/00315853---041bdd212f5b5d3d30cbc4ccf523f1a3.jpg differ diff --git a/cc12m_data/images_vqa/00328633---Metal+chips+fly+in+a+high+speed+turning+operation+performed+on+a+computer+numerical+control+turning+center+%28photo+courtesy+of+Cincinnati+Milacron%29..jpg b/cc12m_data/images_vqa/00328633---Metal+chips+fly+in+a+high+speed+turning+operation+performed+on+a+computer+numerical+control+turning+center+%28photo+courtesy+of+Cincinnati+Milacron%29..jpg new file mode 100644 index 0000000000000000000000000000000000000000..a8b2a6e3d38e4904ef73d6bac3dcf5eb7252933d Binary files /dev/null and b/cc12m_data/images_vqa/00328633---Metal+chips+fly+in+a+high+speed+turning+operation+performed+on+a+computer+numerical+control+turning+center+%28photo+courtesy+of+Cincinnati+Milacron%29..jpg differ diff --git a/cc12m_data/images_vqa/00491934---I6FTIDWLJRFPHAK4ZSZH4RQGDA.jpg b/cc12m_data/images_vqa/00491934---I6FTIDWLJRFPHAK4ZSZH4RQGDA.jpg new file mode 100644 index 0000000000000000000000000000000000000000..67257e62d7848eeaf48b937ba759521c3d003da1 Binary files /dev/null and b/cc12m_data/images_vqa/00491934---I6FTIDWLJRFPHAK4ZSZH4RQGDA.jpg differ diff --git a/cc12m_data/images_vqa/00507360---MushroomRisotto1.jpg b/cc12m_data/images_vqa/00507360---MushroomRisotto1.jpg new file mode 100644 index 0000000000000000000000000000000000000000..e4b894c86463ecbf8b5e2d4acc1b6dc16aac689c Binary files /dev/null and b/cc12m_data/images_vqa/00507360---MushroomRisotto1.jpg differ diff --git a/cc12m_data/images_vqa/00602376---%20essay-example-writing-comparison-compare-contrast-how-to-write-poem-examples-of%20-1024x768.jpg b/cc12m_data/images_vqa/00602376---%20essay-example-writing-comparison-compare-contrast-how-to-write-poem-examples-of%20-1024x768.jpg new file mode 100644 index 0000000000000000000000000000000000000000..327fe8053eb70fede29e899131b480273f3dcee4 Binary files /dev/null and b/cc12m_data/images_vqa/00602376---%20essay-example-writing-comparison-compare-contrast-how-to-write-poem-examples-of%20-1024x768.jpg differ diff --git a/cc12m_data/images_vqa/00606341---dog-coloring-book-detailed-dogs-page2.jpg b/cc12m_data/images_vqa/00606341---dog-coloring-book-detailed-dogs-page2.jpg new file mode 100644 index 0000000000000000000000000000000000000000..184a35e445c729cebca0b32b593bf6605bdf2a6f Binary files /dev/null and b/cc12m_data/images_vqa/00606341---dog-coloring-book-detailed-dogs-page2.jpg differ diff --git a/cc12m_data/images_vqa/00697411---dream-house-swimming-pool-large-133359636.jpg b/cc12m_data/images_vqa/00697411---dream-house-swimming-pool-large-133359636.jpg new file mode 100644 index 0000000000000000000000000000000000000000..ff49d35d72d9777abfa4b62a95132a0c90bbd73f Binary files /dev/null and b/cc12m_data/images_vqa/00697411---dream-house-swimming-pool-large-133359636.jpg differ diff --git a/cc12m_data/images_vqa/00923733---white-commercial-van-road-motion-blurred-d-illustration-custom-designed-brandless-87900010.jpg b/cc12m_data/images_vqa/00923733---white-commercial-van-road-motion-blurred-d-illustration-custom-designed-brandless-87900010.jpg new file mode 100644 index 0000000000000000000000000000000000000000..9a27773e5fcb459f82e3fdb17f621cb0ee306f18 Binary files /dev/null and b/cc12m_data/images_vqa/00923733---white-commercial-van-road-motion-blurred-d-illustration-custom-designed-brandless-87900010.jpg differ diff --git a/cc12m_data/images_vqa/01023838---fundraising-photo.jpg b/cc12m_data/images_vqa/01023838---fundraising-photo.jpg new file mode 100644 index 0000000000000000000000000000000000000000..38502cff424f481811e69c79da2de3ea8f367fb6 Binary files /dev/null and b/cc12m_data/images_vqa/01023838---fundraising-photo.jpg differ diff --git a/cc12m_data/images_vqa/01053356---522a16b60d3f226fff652671cdde6011.jpg b/cc12m_data/images_vqa/01053356---522a16b60d3f226fff652671cdde6011.jpg new file mode 100644 index 0000000000000000000000000000000000000000..3d7c1ab9be260d592c48f23af51d99984b48cbc6 Binary files /dev/null and b/cc12m_data/images_vqa/01053356---522a16b60d3f226fff652671cdde6011.jpg differ diff --git a/cc12m_data/images_vqa/01157077---female-fruit-picker-worker-basket-woodcut-illustration-wearing-bandana-holding-viewed-side-set-white-61675986.jpg b/cc12m_data/images_vqa/01157077---female-fruit-picker-worker-basket-woodcut-illustration-wearing-bandana-holding-viewed-side-set-white-61675986.jpg new file mode 100644 index 0000000000000000000000000000000000000000..b73c987947ba4fdc5078f109e8908227adac4791 Binary files /dev/null and b/cc12m_data/images_vqa/01157077---female-fruit-picker-worker-basket-woodcut-illustration-wearing-bandana-holding-viewed-side-set-white-61675986.jpg differ diff --git a/cc12m_data/images_vqa/01275377---Young-the-Giant.jpg b/cc12m_data/images_vqa/01275377---Young-the-Giant.jpg new file mode 100644 index 0000000000000000000000000000000000000000..6ec135af3567c1747427106ca25c9eaf65c5a6d9 Binary files /dev/null and b/cc12m_data/images_vqa/01275377---Young-the-Giant.jpg differ diff --git a/cc12m_data/images_vqa/01327794---40250345161_452dc56b11_z.jpg b/cc12m_data/images_vqa/01327794---40250345161_452dc56b11_z.jpg new file mode 100644 index 0000000000000000000000000000000000000000..619475735c1b81f808b8f1062ef2afaad2262806 Binary files /dev/null and b/cc12m_data/images_vqa/01327794---40250345161_452dc56b11_z.jpg differ diff --git a/cc12m_data/images_vqa/01648721---170420062908YDYA.jpg b/cc12m_data/images_vqa/01648721---170420062908YDYA.jpg new file mode 100644 index 0000000000000000000000000000000000000000..53efab6585d78120e68e593f84e11e095a2b409d Binary files /dev/null and b/cc12m_data/images_vqa/01648721---170420062908YDYA.jpg differ diff --git a/cc12m_data/images_vqa/01760795---The-Size-of-the-buildings-in-Shekou-are-in-direct-relation-to-the-time-it-takes-to-accomplish-tasks.jpg b/cc12m_data/images_vqa/01760795---The-Size-of-the-buildings-in-Shekou-are-in-direct-relation-to-the-time-it-takes-to-accomplish-tasks.jpg new file mode 100644 index 0000000000000000000000000000000000000000..99005f28c0804bfebb6510eeab19c463a31c9355 Binary files /dev/null and b/cc12m_data/images_vqa/01760795---The-Size-of-the-buildings-in-Shekou-are-in-direct-relation-to-the-time-it-takes-to-accomplish-tasks.jpg differ diff --git a/cc12m_data/images_vqa/01761366---fresh-salad-flying-vegetables-ingredients-isolated-white-background-48747892.jpg b/cc12m_data/images_vqa/01761366---fresh-salad-flying-vegetables-ingredients-isolated-white-background-48747892.jpg new file mode 100644 index 0000000000000000000000000000000000000000..2a27751213643b1663d36bbf7da528b14b9fc8da Binary files /dev/null and b/cc12m_data/images_vqa/01761366---fresh-salad-flying-vegetables-ingredients-isolated-white-background-48747892.jpg differ diff --git a/cc12m_data/images_vqa/01772764---business-woman-winner-standing-first-600w-254762824.jpg b/cc12m_data/images_vqa/01772764---business-woman-winner-standing-first-600w-254762824.jpg new file mode 100644 index 0000000000000000000000000000000000000000..01445086150dc38f96ff0121a3f66b3338363222 Binary files /dev/null and b/cc12m_data/images_vqa/01772764---business-woman-winner-standing-first-600w-254762824.jpg differ diff --git a/cc12m_data/images_vqa/01813337---cd4df5cb43d087533e89b12c9805409e.jpg b/cc12m_data/images_vqa/01813337---cd4df5cb43d087533e89b12c9805409e.jpg new file mode 100644 index 0000000000000000000000000000000000000000..79d08744495e327a5a21db1a41c8b4885bd14d0b Binary files /dev/null and b/cc12m_data/images_vqa/01813337---cd4df5cb43d087533e89b12c9805409e.jpg differ diff --git a/cc12m_data/images_vqa/02034916---XKC6GGK5NDECNBAD5WAQUWOO5U.jpg b/cc12m_data/images_vqa/02034916---XKC6GGK5NDECNBAD5WAQUWOO5U.jpg new file mode 100644 index 0000000000000000000000000000000000000000..b81e5f35908f84016ba8bd85ce3417680083250c Binary files /dev/null and b/cc12m_data/images_vqa/02034916---XKC6GGK5NDECNBAD5WAQUWOO5U.jpg differ diff --git a/cc12m_data/images_vqa/02175876---DL2-4i4.jpg b/cc12m_data/images_vqa/02175876---DL2-4i4.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8102282996ea21a50d4d91e1d78f36220560d4c5 Binary files /dev/null and b/cc12m_data/images_vqa/02175876---DL2-4i4.jpg differ diff --git a/cc12m_data/images_vqa/02217469---mount-macedon-victoria-australia-macedon-regional-park-region-photographed-by-karen-robinson-_march-29-2020_042-1.jpg b/cc12m_data/images_vqa/02217469---mount-macedon-victoria-australia-macedon-regional-park-region-photographed-by-karen-robinson-_march-29-2020_042-1.jpg new file mode 100644 index 0000000000000000000000000000000000000000..00089f257d44120becc0e66e36ed44e620cf3497 Binary files /dev/null and b/cc12m_data/images_vqa/02217469---mount-macedon-victoria-australia-macedon-regional-park-region-photographed-by-karen-robinson-_march-29-2020_042-1.jpg differ diff --git a/cc12m_data/images_vqa/02243845---heritage-heritage-matte-stainless-steel-sink-undermount-5_2048x.jpg b/cc12m_data/images_vqa/02243845---heritage-heritage-matte-stainless-steel-sink-undermount-5_2048x.jpg new file mode 100644 index 0000000000000000000000000000000000000000..2a923295c86161618464aa6ccb395739175c25dc Binary files /dev/null and b/cc12m_data/images_vqa/02243845---heritage-heritage-matte-stainless-steel-sink-undermount-5_2048x.jpg differ diff --git a/cc12m_data/images_vqa/02335328---margaret-and-alexander-potters-houses-1948.jpg b/cc12m_data/images_vqa/02335328---margaret-and-alexander-potters-houses-1948.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8f890af8a35b3ce7ca261d12c390e92a4fcdae9f Binary files /dev/null and b/cc12m_data/images_vqa/02335328---margaret-and-alexander-potters-houses-1948.jpg differ diff --git a/cc12m_data/images_vqa/02520451---Gower-1.jpg b/cc12m_data/images_vqa/02520451---Gower-1.jpg new file mode 100644 index 0000000000000000000000000000000000000000..befaf9cdf6ece97f3e0a754ec50c6075b0647745 Binary files /dev/null and b/cc12m_data/images_vqa/02520451---Gower-1.jpg differ diff --git a/cc12m_data/images_vqa/02912250---a-black-panther-has-been-spotted-in-weald-park-brentwood-essex-britain-shutterstock-editorial-618335e.jpg b/cc12m_data/images_vqa/02912250---a-black-panther-has-been-spotted-in-weald-park-brentwood-essex-britain-shutterstock-editorial-618335e.jpg new file mode 100644 index 0000000000000000000000000000000000000000..c7afb405e48edc90ce9cd8b83ce3a4f49594a9a6 Binary files /dev/null and b/cc12m_data/images_vqa/02912250---a-black-panther-has-been-spotted-in-weald-park-brentwood-essex-britain-shutterstock-editorial-618335e.jpg differ diff --git a/cc12m_data/images_vqa/03257347---looking-farther-afield-article-size.jpg b/cc12m_data/images_vqa/03257347---looking-farther-afield-article-size.jpg new file mode 100644 index 0000000000000000000000000000000000000000..c4575c970b15e5827c8445747cdfcb542bce469b Binary files /dev/null and b/cc12m_data/images_vqa/03257347---looking-farther-afield-article-size.jpg differ diff --git a/cc12m_data/images_vqa/03271226---beneath-the-borealis-092517-a-very-bear-y-summer-kennicott-valley-virga.jpg b/cc12m_data/images_vqa/03271226---beneath-the-borealis-092517-a-very-bear-y-summer-kennicott-valley-virga.jpg new file mode 100644 index 0000000000000000000000000000000000000000..ac762c9efbf7d665e72095d4a32250cbe1b6808d Binary files /dev/null and b/cc12m_data/images_vqa/03271226---beneath-the-borealis-092517-a-very-bear-y-summer-kennicott-valley-virga.jpg differ diff --git a/cc12m_data/images_vqa/03307717---tumblr_m9d4xkRM5n1rypkpio1_1280.jpg b/cc12m_data/images_vqa/03307717---tumblr_m9d4xkRM5n1rypkpio1_1280.jpg new file mode 100644 index 0000000000000000000000000000000000000000..3dcfe4dddbb227b972e80121ad74d56f59db7f92 Binary files /dev/null and b/cc12m_data/images_vqa/03307717---tumblr_m9d4xkRM5n1rypkpio1_1280.jpg differ diff --git a/cc12m_data/images_vqa/03360735---Warm-Bacon-Dip-EasyLowCarb-2.jpg b/cc12m_data/images_vqa/03360735---Warm-Bacon-Dip-EasyLowCarb-2.jpg new file mode 100644 index 0000000000000000000000000000000000000000..d433c67cccdf3ea4f2a03e21532c99e02e09d989 Binary files /dev/null and b/cc12m_data/images_vqa/03360735---Warm-Bacon-Dip-EasyLowCarb-2.jpg differ diff --git a/cc12m_data/images_vqa/03394023---m_5e36e15f2169682519441e34.jpg b/cc12m_data/images_vqa/03394023---m_5e36e15f2169682519441e34.jpg new file mode 100644 index 0000000000000000000000000000000000000000..dd5b9d72e6cc2fd29ff33c3b84a38a2d4c172225 Binary files /dev/null and b/cc12m_data/images_vqa/03394023---m_5e36e15f2169682519441e34.jpg differ diff --git a/cc12m_data/images_vqa/03401066---160328-capitol-police-mn-1530_bd68b01f1d7f1c3ab99eafa503930569.fit-760w.jpg b/cc12m_data/images_vqa/03401066---160328-capitol-police-mn-1530_bd68b01f1d7f1c3ab99eafa503930569.fit-760w.jpg new file mode 100644 index 0000000000000000000000000000000000000000..d00757b52b4d151975876504f963ecd7e335e711 Binary files /dev/null and b/cc12m_data/images_vqa/03401066---160328-capitol-police-mn-1530_bd68b01f1d7f1c3ab99eafa503930569.fit-760w.jpg differ diff --git a/cc12m_data/images_vqa/03598306---20400805522_fba017bc51_b.jpg b/cc12m_data/images_vqa/03598306---20400805522_fba017bc51_b.jpg new file mode 100644 index 0000000000000000000000000000000000000000..eeed4e1782e5e65fa6f573f829a5d314175968de Binary files /dev/null and b/cc12m_data/images_vqa/03598306---20400805522_fba017bc51_b.jpg differ diff --git a/cc12m_data/images_vqa/03618296---A+pink+and+grey+woven+baskets+sits+on+top+of+a+clear+side+table.jpg b/cc12m_data/images_vqa/03618296---A+pink+and+grey+woven+baskets+sits+on+top+of+a+clear+side+table.jpg new file mode 100644 index 0000000000000000000000000000000000000000..fe2b3539437eea7aaa63631e7c80838990c7a9aa Binary files /dev/null and b/cc12m_data/images_vqa/03618296---A+pink+and+grey+woven+baskets+sits+on+top+of+a+clear+side+table.jpg differ diff --git a/cc12m_data/images_vqa/04331097---108_1504859395_24.jpg b/cc12m_data/images_vqa/04331097---108_1504859395_24.jpg new file mode 100644 index 0000000000000000000000000000000000000000..219046a58ee2e6a2f7cee0d53c1daa03e3c271f9 Binary files /dev/null and b/cc12m_data/images_vqa/04331097---108_1504859395_24.jpg differ diff --git a/cc12m_data/images_vqa/04334412---Pants-All-match-Professional-Harlan-Women-s-Loose-Skinny-High-Waist-New-2019-Suit-Summer-Leisure-Pants-2077.jpg b/cc12m_data/images_vqa/04334412---Pants-All-match-Professional-Harlan-Women-s-Loose-Skinny-High-Waist-New-2019-Suit-Summer-Leisure-Pants-2077.jpg new file mode 100644 index 0000000000000000000000000000000000000000..5fc322e8257983ab4b729f558d6719ff14fd8af2 Binary files /dev/null and b/cc12m_data/images_vqa/04334412---Pants-All-match-Professional-Harlan-Women-s-Loose-Skinny-High-Waist-New-2019-Suit-Summer-Leisure-Pants-2077.jpg differ diff --git a/cc12m_data/images_vqa/04358571---41-Travelex.jpg b/cc12m_data/images_vqa/04358571---41-Travelex.jpg new file mode 100644 index 0000000000000000000000000000000000000000..42d23a49ee65a9dddf30285ade5f6aa3617c656c Binary files /dev/null and b/cc12m_data/images_vqa/04358571---41-Travelex.jpg differ diff --git a/cc12m_data/images_vqa/04361362---square-stone-benches-around-fire-pit-outside-residential-building-sunny-day-pathways-plants-can-also-be-seen-homes-171086572.jpg b/cc12m_data/images_vqa/04361362---square-stone-benches-around-fire-pit-outside-residential-building-sunny-day-pathways-plants-can-also-be-seen-homes-171086572.jpg new file mode 100644 index 0000000000000000000000000000000000000000..044bf747a49ba66a50c1931e7e3e2ae6fdf96348 Binary files /dev/null and b/cc12m_data/images_vqa/04361362---square-stone-benches-around-fire-pit-outside-residential-building-sunny-day-pathways-plants-can-also-be-seen-homes-171086572.jpg differ diff --git a/cc12m_data/images_vqa/04530023---49305383277_29d4a34f37_h.jpg b/cc12m_data/images_vqa/04530023---49305383277_29d4a34f37_h.jpg new file mode 100644 index 0000000000000000000000000000000000000000..ccda4531b1b955ce13452f453d806292b3b194d4 Binary files /dev/null and b/cc12m_data/images_vqa/04530023---49305383277_29d4a34f37_h.jpg differ diff --git a/cc12m_data/images_vqa/04749808---thinkstockphotos-1858212351.jpg b/cc12m_data/images_vqa/04749808---thinkstockphotos-1858212351.jpg new file mode 100644 index 0000000000000000000000000000000000000000..62396258835281e68ea735648581fdad07729c19 Binary files /dev/null and b/cc12m_data/images_vqa/04749808---thinkstockphotos-1858212351.jpg differ diff --git a/cc12m_data/images_vqa/04935800---35-04914.jpg b/cc12m_data/images_vqa/04935800---35-04914.jpg new file mode 100644 index 0000000000000000000000000000000000000000..0c719e9fca0795eb4cc03d9c7a1170c4a32025fd Binary files /dev/null and b/cc12m_data/images_vqa/04935800---35-04914.jpg differ diff --git a/cc12m_data/images_vqa/04964414---1400976024813.jpg b/cc12m_data/images_vqa/04964414---1400976024813.jpg new file mode 100644 index 0000000000000000000000000000000000000000..bc2abe5af3c0daa6c4622d303eaa9614f632a5ce Binary files /dev/null and b/cc12m_data/images_vqa/04964414---1400976024813.jpg differ diff --git a/cc12m_data/images_vqa/05134015---UN058144.jpg b/cc12m_data/images_vqa/05134015---UN058144.jpg new file mode 100644 index 0000000000000000000000000000000000000000..dd69ff277a84e5325e3c877ad00c00c8f9ace89e Binary files /dev/null and b/cc12m_data/images_vqa/05134015---UN058144.jpg differ diff --git a/cc12m_data/images_vqa/05324218---piece-homemade-cake-cup-tea-purple-background-60761143.jpg b/cc12m_data/images_vqa/05324218---piece-homemade-cake-cup-tea-purple-background-60761143.jpg new file mode 100644 index 0000000000000000000000000000000000000000..73978eae9e7484a17d8ab7d5bcb9197fe189d7a8 Binary files /dev/null and b/cc12m_data/images_vqa/05324218---piece-homemade-cake-cup-tea-purple-background-60761143.jpg differ diff --git a/cc12m_data/images_vqa/05352777---CHILD_CAR_SAFETY_03.jpg b/cc12m_data/images_vqa/05352777---CHILD_CAR_SAFETY_03.jpg new file mode 100644 index 0000000000000000000000000000000000000000..b9c725f0801bf75e74f09722d26f60257b9ccba5 Binary files /dev/null and b/cc12m_data/images_vqa/05352777---CHILD_CAR_SAFETY_03.jpg differ diff --git a/cc12m_data/images_vqa/05353869---d416548afc0966365239750752ec7e7c.jpg b/cc12m_data/images_vqa/05353869---d416548afc0966365239750752ec7e7c.jpg new file mode 100644 index 0000000000000000000000000000000000000000..2fad08fdd83168c8cb21528f221fc0eede3e68c5 Binary files /dev/null and b/cc12m_data/images_vqa/05353869---d416548afc0966365239750752ec7e7c.jpg differ diff --git a/cc12m_data/images_vqa/05359810---cup-herbal-tea-coffee-good-day-coloring-book-adult-vector-85330480.jpg b/cc12m_data/images_vqa/05359810---cup-herbal-tea-coffee-good-day-coloring-book-adult-vector-85330480.jpg new file mode 100644 index 0000000000000000000000000000000000000000..6893ab8d993df9585bc42a51e5f236a2a263373d Binary files /dev/null and b/cc12m_data/images_vqa/05359810---cup-herbal-tea-coffee-good-day-coloring-book-adult-vector-85330480.jpg differ diff --git a/cc12m_data/images_vqa/05556446---diamond-company-logo-app-icon-splash-page-design-creative-business-elements-vector-eps-illustration-best-print-136321158.jpg b/cc12m_data/images_vqa/05556446---diamond-company-logo-app-icon-splash-page-design-creative-business-elements-vector-eps-illustration-best-print-136321158.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8a235a18917a10a6e77d3bcd76995bc7c85a2bd3 Binary files /dev/null and b/cc12m_data/images_vqa/05556446---diamond-company-logo-app-icon-splash-page-design-creative-business-elements-vector-eps-illustration-best-print-136321158.jpg differ diff --git a/cc12m_data/images_vqa/05731219---situazione%252025%2520aprile%25202020.jpg b/cc12m_data/images_vqa/05731219---situazione%252025%2520aprile%25202020.jpg new file mode 100644 index 0000000000000000000000000000000000000000..46857e5e6a93e037c9d5ba36fc60747bf330c79b Binary files /dev/null and b/cc12m_data/images_vqa/05731219---situazione%252025%2520aprile%25202020.jpg differ diff --git a/cc12m_data/images_vqa/06008919---im-just-a-girl-who-loves-horses-coffee-mug-cup-gift-mugs-simply-crafty-drinkware_100_large.jpg b/cc12m_data/images_vqa/06008919---im-just-a-girl-who-loves-horses-coffee-mug-cup-gift-mugs-simply-crafty-drinkware_100_large.jpg new file mode 100644 index 0000000000000000000000000000000000000000..ea44a694723cb6764663f00fabb2c109f9e3af86 Binary files /dev/null and b/cc12m_data/images_vqa/06008919---im-just-a-girl-who-loves-horses-coffee-mug-cup-gift-mugs-simply-crafty-drinkware_100_large.jpg differ diff --git a/cc12m_data/images_vqa/06256846---lrm_export_20171217_093816.jpg b/cc12m_data/images_vqa/06256846---lrm_export_20171217_093816.jpg new file mode 100644 index 0000000000000000000000000000000000000000..9c170bbde3a62158d12e1d51100fa8db9b7b1183 Binary files /dev/null and b/cc12m_data/images_vqa/06256846---lrm_export_20171217_093816.jpg differ diff --git a/cc12m_data/images_vqa/06311179---dog-and-a-dead-partridge_richard-ansdell__80320.1556880164.jpg b/cc12m_data/images_vqa/06311179---dog-and-a-dead-partridge_richard-ansdell__80320.1556880164.jpg new file mode 100644 index 0000000000000000000000000000000000000000..cb175fed09a50fb48adddb07393a7b9c7fc7d2db Binary files /dev/null and b/cc12m_data/images_vqa/06311179---dog-and-a-dead-partridge_richard-ansdell__80320.1556880164.jpg differ diff --git a/cc12m_data/images_vqa/06472210---Nankeen_Kestrel_Callam_Brae_Nature_Reserve_7927_20190922.jpg b/cc12m_data/images_vqa/06472210---Nankeen_Kestrel_Callam_Brae_Nature_Reserve_7927_20190922.jpg new file mode 100644 index 0000000000000000000000000000000000000000..de2a50a84c09c07c7cef6a88941b848b00ddfcfb Binary files /dev/null and b/cc12m_data/images_vqa/06472210---Nankeen_Kestrel_Callam_Brae_Nature_Reserve_7927_20190922.jpg differ diff --git a/cc12m_data/images_vqa/06514300---poster,504x498,f8f8f8-pad,600x600,f8f8f8.u14.jpg b/cc12m_data/images_vqa/06514300---poster,504x498,f8f8f8-pad,600x600,f8f8f8.u14.jpg new file mode 100644 index 0000000000000000000000000000000000000000..dc86135cd69fab32962fee1bbc5651deddeb9443 Binary files /dev/null and b/cc12m_data/images_vqa/06514300---poster,504x498,f8f8f8-pad,600x600,f8f8f8.u14.jpg differ diff --git a/cc12m_data/images_vqa/06522902---EP3PKFIWoAMlyC0.jpg b/cc12m_data/images_vqa/06522902---EP3PKFIWoAMlyC0.jpg new file mode 100644 index 0000000000000000000000000000000000000000..51d8ae6f2122ed136640be5573517b5c3fabd5e5 Binary files /dev/null and b/cc12m_data/images_vqa/06522902---EP3PKFIWoAMlyC0.jpg differ diff --git a/cc12m_data/images_vqa/06548686---JC6.jpg b/cc12m_data/images_vqa/06548686---JC6.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8d4b836cce8c5a1db4952e51ba02a63faf0f21be Binary files /dev/null and b/cc12m_data/images_vqa/06548686---JC6.jpg differ diff --git a/cc12m_data/images_vqa/06623731---Boot-Tray-Upgrade-1.jpg b/cc12m_data/images_vqa/06623731---Boot-Tray-Upgrade-1.jpg new file mode 100644 index 0000000000000000000000000000000000000000..9ae3c6e0c5af61d90c8f70a8be517372b407294c Binary files /dev/null and b/cc12m_data/images_vqa/06623731---Boot-Tray-Upgrade-1.jpg differ diff --git a/cc12m_data/images_vqa/06639019---boats_wallpapers_06.jpg b/cc12m_data/images_vqa/06639019---boats_wallpapers_06.jpg new file mode 100644 index 0000000000000000000000000000000000000000..a5f06fb08b0802e2dbea5fde7449dc56fbc11fdb Binary files /dev/null and b/cc12m_data/images_vqa/06639019---boats_wallpapers_06.jpg differ diff --git a/cc12m_data/images_vqa/06817213---B-113.jpg b/cc12m_data/images_vqa/06817213---B-113.jpg new file mode 100644 index 0000000000000000000000000000000000000000..cb9fb808285f20b24f02c748eb6f15a7484d54c6 Binary files /dev/null and b/cc12m_data/images_vqa/06817213---B-113.jpg differ diff --git a/cc12m_data/images_vqa/06962126---Apple-now-produces-the-iPhone-XR-in-India.jpg b/cc12m_data/images_vqa/06962126---Apple-now-produces-the-iPhone-XR-in-India.jpg new file mode 100644 index 0000000000000000000000000000000000000000..5f96a6fe38b069b4169acf6b6bf248b1ed3bb7d4 Binary files /dev/null and b/cc12m_data/images_vqa/06962126---Apple-now-produces-the-iPhone-XR-in-India.jpg differ diff --git a/cc12m_data/images_vqa/06962855---IS37649zbh2wwd0000000000.jpg b/cc12m_data/images_vqa/06962855---IS37649zbh2wwd0000000000.jpg new file mode 100644 index 0000000000000000000000000000000000000000..b751f31ee886f84d11dbde005cf98e8021b067e8 Binary files /dev/null and b/cc12m_data/images_vqa/06962855---IS37649zbh2wwd0000000000.jpg differ diff --git a/cc12m_data/images_vqa/07019890---58943.jpg?interior[image]=room11_wallpaper_standing&interior[type]=photo-wallpaper&primary_area[x]=40.227&primary_area[y]=38.jpg b/cc12m_data/images_vqa/07019890---58943.jpg?interior[image]=room11_wallpaper_standing&interior[type]=photo-wallpaper&primary_area[x]=40.227&primary_area[y]=38.jpg new file mode 100644 index 0000000000000000000000000000000000000000..641a26755dbd1c4753fffe92a10383beb449c34f Binary files /dev/null and b/cc12m_data/images_vqa/07019890---58943.jpg?interior[image]=room11_wallpaper_standing&interior[type]=photo-wallpaper&primary_area[x]=40.227&primary_area[y]=38.jpg differ diff --git a/cc12m_data/images_vqa/07105240---ivanovo-russia-february-phone-kfc-logo-173265853.jpg b/cc12m_data/images_vqa/07105240---ivanovo-russia-february-phone-kfc-logo-173265853.jpg new file mode 100644 index 0000000000000000000000000000000000000000..3c09174373e06d88142704601ebf243b2e5b4f2a Binary files /dev/null and b/cc12m_data/images_vqa/07105240---ivanovo-russia-february-phone-kfc-logo-173265853.jpg differ diff --git a/cc12m_data/images_vqa/07142713---Femur%3A+Longest+And+Strongest+Bone+In+The+Body.jpg b/cc12m_data/images_vqa/07142713---Femur%3A+Longest+And+Strongest+Bone+In+The+Body.jpg new file mode 100644 index 0000000000000000000000000000000000000000..33910cc2ba4ec4c3910f504caf3fc6d65f2fa74e Binary files /dev/null and b/cc12m_data/images_vqa/07142713---Femur%3A+Longest+And+Strongest+Bone+In+The+Body.jpg differ diff --git a/cc12m_data/images_vqa/07151619---Video%20High%20Sierra%20Trail%20view%20from%20above%20The%20Big%20Hamilton%20Lake%20and%20bellow%20the%20Tunnel-L.jpg b/cc12m_data/images_vqa/07151619---Video%20High%20Sierra%20Trail%20view%20from%20above%20The%20Big%20Hamilton%20Lake%20and%20bellow%20the%20Tunnel-L.jpg new file mode 100644 index 0000000000000000000000000000000000000000..3dc726987d5489f54ad461d98a92d095d06230b9 Binary files /dev/null and b/cc12m_data/images_vqa/07151619---Video%20High%20Sierra%20Trail%20view%20from%20above%20The%20Big%20Hamilton%20Lake%20and%20bellow%20the%20Tunnel-L.jpg differ diff --git a/cc12m_data/images_vqa/07235482---thats_how_usa_food_is_perceived_in_different_countries_640_high_03.jpg b/cc12m_data/images_vqa/07235482---thats_how_usa_food_is_perceived_in_different_countries_640_high_03.jpg new file mode 100644 index 0000000000000000000000000000000000000000..cab038d35b13c6c020c051754ab690a22b631ffc Binary files /dev/null and b/cc12m_data/images_vqa/07235482---thats_how_usa_food_is_perceived_in_different_countries_640_high_03.jpg differ diff --git a/cc12m_data/images_vqa/07238932---Baby-Yoda-Slurp-Here-For-The-Soup-shirt-long-sleeved.jpg b/cc12m_data/images_vqa/07238932---Baby-Yoda-Slurp-Here-For-The-Soup-shirt-long-sleeved.jpg new file mode 100644 index 0000000000000000000000000000000000000000..3d099f4a383b21009de31b151af0d134683e0592 Binary files /dev/null and b/cc12m_data/images_vqa/07238932---Baby-Yoda-Slurp-Here-For-The-Soup-shirt-long-sleeved.jpg differ diff --git a/cc12m_data/images_vqa/07270061---John-Grayson_The-Discombobulated-Brexiteer-1_John-Grayson-640x480.jpg b/cc12m_data/images_vqa/07270061---John-Grayson_The-Discombobulated-Brexiteer-1_John-Grayson-640x480.jpg new file mode 100644 index 0000000000000000000000000000000000000000..d93f17f69c11d75773bfbe76937639de5ea5791a Binary files /dev/null and b/cc12m_data/images_vqa/07270061---John-Grayson_The-Discombobulated-Brexiteer-1_John-Grayson-640x480.jpg differ diff --git a/cc12m_data/images_vqa/07436784---IMG_3711-scaled.jpg b/cc12m_data/images_vqa/07436784---IMG_3711-scaled.jpg new file mode 100644 index 0000000000000000000000000000000000000000..0723773e63d40fd82f11e4019cc9131d5ce00269 Binary files /dev/null and b/cc12m_data/images_vqa/07436784---IMG_3711-scaled.jpg differ diff --git a/cc12m_data/images_vqa/07612204---my-pretty-boy-very-stressful-environment-caused-him-such-bad-anxiety-he-would-bite-all-his-fur-out.jpg b/cc12m_data/images_vqa/07612204---my-pretty-boy-very-stressful-environment-caused-him-such-bad-anxiety-he-would-bite-all-his-fur-out.jpg new file mode 100644 index 0000000000000000000000000000000000000000..549b1e38128634dd8ed001a8259ace337f42e81f Binary files /dev/null and b/cc12m_data/images_vqa/07612204---my-pretty-boy-very-stressful-environment-caused-him-such-bad-anxiety-he-would-bite-all-his-fur-out.jpg differ diff --git a/cc12m_data/images_vqa/07673933---Which-is-free-offline-website-builder-software-1.jpg b/cc12m_data/images_vqa/07673933---Which-is-free-offline-website-builder-software-1.jpg new file mode 100644 index 0000000000000000000000000000000000000000..e623f8f86b4e38e5e66f015c9d1d21802088a467 Binary files /dev/null and b/cc12m_data/images_vqa/07673933---Which-is-free-offline-website-builder-software-1.jpg differ diff --git a/cc12m_data/images_vqa/07950674---j_234_1.jpg b/cc12m_data/images_vqa/07950674---j_234_1.jpg new file mode 100644 index 0000000000000000000000000000000000000000..488ed9d2913d8a54f979b23783988b93a8f0e18b Binary files /dev/null and b/cc12m_data/images_vqa/07950674---j_234_1.jpg differ diff --git a/cc12m_data/images_vqa/08025972---IMG_1881_3137c506-0522-48c8-bb42-f236eb8912b6_600x.jpg b/cc12m_data/images_vqa/08025972---IMG_1881_3137c506-0522-48c8-bb42-f236eb8912b6_600x.jpg new file mode 100644 index 0000000000000000000000000000000000000000..913f2371c8a9c9c3e86463dfbba485b233e61387 Binary files /dev/null and b/cc12m_data/images_vqa/08025972---IMG_1881_3137c506-0522-48c8-bb42-f236eb8912b6_600x.jpg differ diff --git a/cc12m_data/images_vqa/08102109---ae34fa9bf37b91a540565a00a9df6f2f.jpg b/cc12m_data/images_vqa/08102109---ae34fa9bf37b91a540565a00a9df6f2f.jpg new file mode 100644 index 0000000000000000000000000000000000000000..21bcf7ac760bb4639c216e9d061c87a8fe2f1874 Binary files /dev/null and b/cc12m_data/images_vqa/08102109---ae34fa9bf37b91a540565a00a9df6f2f.jpg differ diff --git a/cc12m_data/images_vqa/08140422---180203-Z-ON144-4212A.jpg b/cc12m_data/images_vqa/08140422---180203-Z-ON144-4212A.jpg new file mode 100644 index 0000000000000000000000000000000000000000..c68cc1126d22a18385f01632b82195a1ba321d00 Binary files /dev/null and b/cc12m_data/images_vqa/08140422---180203-Z-ON144-4212A.jpg differ diff --git a/cc12m_data/images_vqa/08148702---Grilled-Corn-Risotto-adding-kernels.jpg b/cc12m_data/images_vqa/08148702---Grilled-Corn-Risotto-adding-kernels.jpg new file mode 100644 index 0000000000000000000000000000000000000000..e2aed1978226e4988bf7f0c6b67eecc013bdbade Binary files /dev/null and b/cc12m_data/images_vqa/08148702---Grilled-Corn-Risotto-adding-kernels.jpg differ diff --git a/cc12m_data/images_vqa/08223516---Gloved-Hand-Holding-Large-Seeds.jpg b/cc12m_data/images_vqa/08223516---Gloved-Hand-Holding-Large-Seeds.jpg new file mode 100644 index 0000000000000000000000000000000000000000..7631512fe88eeb726da850bf03ffb172018ba1b6 Binary files /dev/null and b/cc12m_data/images_vqa/08223516---Gloved-Hand-Holding-Large-Seeds.jpg differ diff --git a/cc12m_data/images_vqa/08346237---scottish-terrier-dog-breed.jpg b/cc12m_data/images_vqa/08346237---scottish-terrier-dog-breed.jpg new file mode 100644 index 0000000000000000000000000000000000000000..e6d625773969eb420035c88751b4946cfe815723 Binary files /dev/null and b/cc12m_data/images_vqa/08346237---scottish-terrier-dog-breed.jpg differ diff --git a/cc12m_data/images_vqa/08592734---5e1fa55c281154b4b3fc6d89cba65f43.jpg b/cc12m_data/images_vqa/08592734---5e1fa55c281154b4b3fc6d89cba65f43.jpg new file mode 100644 index 0000000000000000000000000000000000000000..d7c3ca217d6ffa93b71ec9514151e92f10231e96 Binary files /dev/null and b/cc12m_data/images_vqa/08592734---5e1fa55c281154b4b3fc6d89cba65f43.jpg differ diff --git a/cc12m_data/images_vqa/08825884---little-girl-school-uniform-white-background-reading-book_106368-73.jpg b/cc12m_data/images_vqa/08825884---little-girl-school-uniform-white-background-reading-book_106368-73.jpg new file mode 100644 index 0000000000000000000000000000000000000000..484b906c1f0fc1b87810335a578c0883ee294d36 Binary files /dev/null and b/cc12m_data/images_vqa/08825884---little-girl-school-uniform-white-background-reading-book_106368-73.jpg differ diff --git a/cc12m_data/images_vqa/08898129---depositphotos_51933589-stock-illustration-apple-with-a-worm.jpg b/cc12m_data/images_vqa/08898129---depositphotos_51933589-stock-illustration-apple-with-a-worm.jpg new file mode 100644 index 0000000000000000000000000000000000000000..70a51e0ca0040230e03659ee53bd79728bfb5991 Binary files /dev/null and b/cc12m_data/images_vqa/08898129---depositphotos_51933589-stock-illustration-apple-with-a-worm.jpg differ diff --git a/cc12m_data/images_vqa/08986600---172426232.jpg b/cc12m_data/images_vqa/08986600---172426232.jpg new file mode 100644 index 0000000000000000000000000000000000000000..a8d1b6db05b1fbc389227c8a989775a79eeecc52 Binary files /dev/null and b/cc12m_data/images_vqa/08986600---172426232.jpg differ diff --git a/cc12m_data/images_vqa/09267087---37b41dacf0e0a051bc828bff7c357150.jpg b/cc12m_data/images_vqa/09267087---37b41dacf0e0a051bc828bff7c357150.jpg new file mode 100644 index 0000000000000000000000000000000000000000..396fb1c1c1f421c4c5d4b75de3adc85d87247e13 Binary files /dev/null and b/cc12m_data/images_vqa/09267087---37b41dacf0e0a051bc828bff7c357150.jpg differ diff --git a/cc12m_data/images_vqa/09552233---cuts-4-kids-500x465.jpg b/cc12m_data/images_vqa/09552233---cuts-4-kids-500x465.jpg new file mode 100644 index 0000000000000000000000000000000000000000..42bf2d7f6aacb500e8b61213b351c02ce8234334 Binary files /dev/null and b/cc12m_data/images_vqa/09552233---cuts-4-kids-500x465.jpg differ diff --git a/cc12m_data/images_vqa/09727710---s-l400.jpg b/cc12m_data/images_vqa/09727710---s-l400.jpg new file mode 100644 index 0000000000000000000000000000000000000000..9ce801fac072d15b05da7adda4ca4fe6a9c9bf29 Binary files /dev/null and b/cc12m_data/images_vqa/09727710---s-l400.jpg differ diff --git a/cc12m_data/images_vqa/09936948---d117e9fc8cecd1af2f6215f3ad7f4b67.jpg b/cc12m_data/images_vqa/09936948---d117e9fc8cecd1af2f6215f3ad7f4b67.jpg new file mode 100644 index 0000000000000000000000000000000000000000..33a834e673de60aeb6fa23022168760562d12afe Binary files /dev/null and b/cc12m_data/images_vqa/09936948---d117e9fc8cecd1af2f6215f3ad7f4b67.jpg differ diff --git a/cc12m_data/images_vqa/10036854---papergc,500x,w,f8f8f8-pad,1000x1000,f8f8f8.jpg b/cc12m_data/images_vqa/10036854---papergc,500x,w,f8f8f8-pad,1000x1000,f8f8f8.jpg new file mode 100644 index 0000000000000000000000000000000000000000..f9cc7562dcf5b24f33992c11b8b93fb07cac6710 Binary files /dev/null and b/cc12m_data/images_vqa/10036854---papergc,500x,w,f8f8f8-pad,1000x1000,f8f8f8.jpg differ diff --git a/cc12m_data/images_vqa/10066499---ce322ab4a392377fec5101da583323ed.jpg b/cc12m_data/images_vqa/10066499---ce322ab4a392377fec5101da583323ed.jpg new file mode 100644 index 0000000000000000000000000000000000000000..4bb53a124cf486e479f211e858d11dc4499459d2 Binary files /dev/null and b/cc12m_data/images_vqa/10066499---ce322ab4a392377fec5101da583323ed.jpg differ diff --git a/cc12m_data/images_vqa/10227805---gptr,1265x,front,black-c,330,402,600,600-bg,f8f8f8.jpg b/cc12m_data/images_vqa/10227805---gptr,1265x,front,black-c,330,402,600,600-bg,f8f8f8.jpg new file mode 100644 index 0000000000000000000000000000000000000000..5dd6f18fcd4723eabb5670939a9e8acb12569f20 Binary files /dev/null and b/cc12m_data/images_vqa/10227805---gptr,1265x,front,black-c,330,402,600,600-bg,f8f8f8.jpg differ diff --git a/cc12m_data/images_vqa/10300405---dec-004.jpg b/cc12m_data/images_vqa/10300405---dec-004.jpg new file mode 100644 index 0000000000000000000000000000000000000000..59c5141c84b2693db1689032f14c1f5bdef01620 Binary files /dev/null and b/cc12m_data/images_vqa/10300405---dec-004.jpg differ diff --git a/cc12m_data/images_vqa/10309123---1521402057075.jpg b/cc12m_data/images_vqa/10309123---1521402057075.jpg new file mode 100644 index 0000000000000000000000000000000000000000..087f482b22a96be35c89b58c402640a7c13ee105 Binary files /dev/null and b/cc12m_data/images_vqa/10309123---1521402057075.jpg differ diff --git a/cc12m_data/images_vqa/10720884---our-wedding-day_t20_1br1bxB_1024x1024.jpg b/cc12m_data/images_vqa/10720884---our-wedding-day_t20_1br1bxB_1024x1024.jpg new file mode 100644 index 0000000000000000000000000000000000000000..15bf04406ea35186dfbab71b06169a7f25a36207 Binary files /dev/null and b/cc12m_data/images_vqa/10720884---our-wedding-day_t20_1br1bxB_1024x1024.jpg differ diff --git a/cc12m_data/images_vqa/10740611---Korean-Beef-Short-Ribs-with-Perfect-Jasmine-Rice-HF-1.jpg b/cc12m_data/images_vqa/10740611---Korean-Beef-Short-Ribs-with-Perfect-Jasmine-Rice-HF-1.jpg new file mode 100644 index 0000000000000000000000000000000000000000..0fc92c70f8873702802c143cf4b816c05be65c32 Binary files /dev/null and b/cc12m_data/images_vqa/10740611---Korean-Beef-Short-Ribs-with-Perfect-Jasmine-Rice-HF-1.jpg differ diff --git a/cc12m_data/images_vqa/10809425---2ba1188c57c8ca12b510e91e5c16949c.jpg b/cc12m_data/images_vqa/10809425---2ba1188c57c8ca12b510e91e5c16949c.jpg new file mode 100644 index 0000000000000000000000000000000000000000..3ba1546f784b1564fedecbbc6755bea7505b05d8 Binary files /dev/null and b/cc12m_data/images_vqa/10809425---2ba1188c57c8ca12b510e91e5c16949c.jpg differ diff --git a/cc12m_data/images_vqa/10935180---The-Purge-Anarchy-Movie-Cross-Mask.jpg b/cc12m_data/images_vqa/10935180---The-Purge-Anarchy-Movie-Cross-Mask.jpg new file mode 100644 index 0000000000000000000000000000000000000000..2f35264ad243eaeba5b50471c94304b7145f5664 Binary files /dev/null and b/cc12m_data/images_vqa/10935180---The-Purge-Anarchy-Movie-Cross-Mask.jpg differ diff --git a/cc12m_data/images_vqa/10973952---hawk_board_smith.jpg b/cc12m_data/images_vqa/10973952---hawk_board_smith.jpg new file mode 100644 index 0000000000000000000000000000000000000000..d3f21ca31c8733702ffcecf8554f5c74bf754d50 Binary files /dev/null and b/cc12m_data/images_vqa/10973952---hawk_board_smith.jpg differ diff --git a/cc12m_data/images_vqa/11033864---36891060.jpg b/cc12m_data/images_vqa/11033864---36891060.jpg new file mode 100644 index 0000000000000000000000000000000000000000..1183c09cc07554c87307c397e5207a2eeeb5e3e5 Binary files /dev/null and b/cc12m_data/images_vqa/11033864---36891060.jpg differ diff --git a/cc12m_data/images_vqa/11396830---?url=https%3A%2F%2Fcalifornia-times-brightspot.s3.amazonaws.jpg b/cc12m_data/images_vqa/11396830---?url=https%3A%2F%2Fcalifornia-times-brightspot.s3.amazonaws.jpg new file mode 100644 index 0000000000000000000000000000000000000000..83a64c8aef0b5b54d0ea7ff7bf8c152cdfebb708 Binary files /dev/null and b/cc12m_data/images_vqa/11396830---?url=https%3A%2F%2Fcalifornia-times-brightspot.s3.amazonaws.jpg differ diff --git a/cc12m_data/images_vqa/11528247---r960-57423d009ac86e9c96677835b6974396.jpg b/cc12m_data/images_vqa/11528247---r960-57423d009ac86e9c96677835b6974396.jpg new file mode 100644 index 0000000000000000000000000000000000000000..304f75a80aa90821890ff42b73b67137670262e5 Binary files /dev/null and b/cc12m_data/images_vqa/11528247---r960-57423d009ac86e9c96677835b6974396.jpg differ diff --git a/cc12m_data/images_vqa/12389311---b43b16e160627f45c47a7f3fcc53b174.jpg b/cc12m_data/images_vqa/12389311---b43b16e160627f45c47a7f3fcc53b174.jpg new file mode 100644 index 0000000000000000000000000000000000000000..f56b21706293ec4eb42a75f19204934462a1e4d0 Binary files /dev/null and b/cc12m_data/images_vqa/12389311---b43b16e160627f45c47a7f3fcc53b174.jpg differ diff --git a/cc12m_data/vqa_val.tsv b/cc12m_data/vqa_val.tsv new file mode 100644 index 0000000000000000000000000000000000000000..1f70e71b71fe122ab777099cdab39245ccbc9c08 --- /dev/null +++ b/cc12m_data/vqa_val.tsv @@ -0,0 +1,101 @@ +image_file caption url lang_id +03401066---160328-capitol-police-mn-1530_bd68b01f1d7f1c3ab99eafa503930569.fit-760w.jpg Bild: Capitol Police reagiert auf einen Bericht über Schießereignissen auf Capitol Hill https://media2.s-nbcnews.com/j/newscms/2016_13/1475731/160328-capitol-police-mn-1530_bd68b01f1d7f1c3ab99eafa503930569.fit-760w.jpg de +04358571---41-Travelex.jpg Un stand Travelex por el Centro de Sightseeing Odakyu por encima de la salida occidental https://netmobius.freetls.fastly.net/images-stn-shinjuku/41-Travelex.jpg es +09552233---cuts-4-kids-500x465.jpg La gente puede verse en el fondo también recibiendo cortes de pelo. https://www.mstc.edu/sites/default/files/2019-11/cuts-4-kids-500x465.jpg es +07270061---John-Grayson_The-Discombobulated-Brexiteer-1_John-Grayson-640x480.jpg Une sculpture satirique en céramique avec 3 figures avec des marquages de lignes noires. https://craftspace.co.uk/wp-content/uploads/2016/11/John-Grayson_The-Discombobulated-Brexiteer-1_John-Grayson-640x480.jpg fr +03618296---A+pink+and+grey+woven+baskets+sits+on+top+of+a+clear+side+table.jpg Des paniers de tissu rose et gris sont placés sur une table de côté claire https://images.squarespace-cdn.com/content/v1/59acbf1c37c581dc355c45de/1586125612473-7Z7F98QG0VLKT6DH6KYT/ke17ZwdGBToddI8pDm48kDRtxyVNAY929iayzO48uld7gQa3H78H3Y0txjaiv_0fDoOvxcdMmMKkDsyUqMSsMWxHk725yiiHCCLfrh8O1z4YTzHvnKhyp6Da-NYroOW3ZGjoBKy3azqku80C789l0p4XabXLlNWpcJMv7FrN_NKjWNAQa8XkypUXnwtuNC50KCeU8aLqChfS7f6S2jaqgA/A+pink+and+grey+woven+baskets+sits+on+top+of+a+clear+side+table fr +03307717---tumblr_m9d4xkRM5n1rypkpio1_1280.jpg Les numéros 5 et 6 ont lieu entre les épisodes 3 et 4. https://66.media.tumblr.com/tumblr_m9d4xkRM5n1rypkpio1_1280.png fr +07235482---thats_how_usa_food_is_perceived_in_different_countries_640_high_03.jpg That's How USA Food Is Perceived In Different Countries https://img.izismile.com/img/img9/20170109/640/thats_how_usa_food_is_perceived_in_different_countries_640_high_03.jpg en +04749808---thinkstockphotos-1858212351.jpg Touristischer Weg in den Schweizer Alpen https://247wallst.com/wp-content/uploads/2015/06/thinkstockphotos-1858212351.jpg de +08140422---180203-Z-ON144-4212A.jpg A soldier stands with a police officer. https://media.defense.gov/2018/Feb/05/2001873367/1088/820/0/180203-Z-ON144-4212A.JPG en +07142713---Femur%3A+Longest+And+Strongest+Bone+In+The+Body.jpg Femur: Longest And Strongest Bone In The Body https://slideplayer.com/slide/6894248/23/images/24/Femur%3A+Longest+And+Strongest+Bone+In+The+Body.jpg en +10036854---papergc,500x,w,f8f8f8-pad,1000x1000,f8f8f8.jpg Sapphire Blue Triumph TR6 -- a Classic British Sports Car Greeting Card https://ih1.redbubble.net/image.971016362.0171/papergc,500x,w,f8f8f8-pad,1000x1000,f8f8f8.jpg en +00507360---MushroomRisotto1.jpg Cette recette de risotto à champignons sauvages fait appel à des chanterelles et au thym. http://saucepots.net/wp-content/uploads/2016/07/MushroomRisotto1.jpg fr +08025972---IMG_1881_3137c506-0522-48c8-bb42-f236eb8912b6_600x.jpg En la misma sesión, la Comisión aprobó el proyecto de resolución A/C.5/55/L.29 sin someterlo a votación (véase párr. https://cdn.shopify.com/s/files/1/1998/1069/products/IMG_1881_3137c506-0522-48c8-bb42-f236eb8912b6_600x.jpg?v=1559482824 es +01053356---522a16b60d3f226fff652671cdde6011.jpg Image découverte par . Trouvez des images et des vidéos sur des citations, des animes et des gens sur We Heart It - l'application pour perdre de vue ce que vous aimez. https://i.pinimg.com/originals/52/2a/16/522a16b60d3f226fff652671cdde6011.jpg fr +07950674---j_234_1.jpg Ein erstes Krieg CEF 18th Infantry Battalion ``Western Ontario Regiment'' Cap Badge https://www.emedals.com/media/catalog/product/cache/1/thumbnail/0dc2d03fe217f8c83829496872af24a0/j/_/j_234_1.jpg de +00328633---Metal+chips+fly+in+a+high+speed+turning+operation+performed+on+a+computer+numerical+control+turning+center+%28photo+courtesy+of+Cincinnati+Milacron%29..jpg Metal chips fly in a high speed turning operation performed on a computer numerical control turning center (photo courtesy of Cincinnati Milacron). https://slideplayer.com/slide/3511017/12/images/31/Metal+chips+fly+in+a+high+speed+turning+operation+performed+on+a+computer+numerical+control+turning+center+%28photo+courtesy+of+Cincinnati+Milacron%29..jpg en +11033864---36891060.jpg Eine Sitzecke bei en Boom Bed & Breakfast https://q-cf.bstatic.com/images/hotel/max1024x768/368/36891060.jpg de +05324218---piece-homemade-cake-cup-tea-purple-background-60761143.jpg Ein Stück hausgemachten Kuchen und eine Tasse Tee Aktien Fotos https://thumbs.dreamstime.com/b/piece-homemade-cake-cup-tea-purple-background-60761143.jpg de +00923733---white-commercial-van-road-motion-blurred-d-illustration-custom-designed-brandless-87900010.jpg White Commercial Van on the Road Motion Blurred 3d Illustration stock illustration https://thumbs.dreamstime.com/b/white-commercial-van-road-motion-blurred-d-illustration-custom-designed-brandless-87900010.jpg en +01157077---female-fruit-picker-worker-basket-woodcut-illustration-wearing-bandana-holding-viewed-side-set-white-61675986.jpg Boîte à outils pour travailleuses à la cueillette de fruits. Illustration d'une travailleuse à la cueillette de fruits qui porte un panier de bandana et des fruits vu du côté de l'image sans redevance https://thumbs.dreamstime.com/b/female-fruit-picker-worker-basket-woodcut-illustration-wearing-bandana-holding-viewed-side-set-white-61675986.jpg fr +06472210---Nankeen_Kestrel_Callam_Brae_Nature_Reserve_7927_20190922.jpg En la misma sesión, la Comisión aprobó el proyecto de resolución A/C.1/55/L.29 sin someterlo a votación (véase párr. https://images.squarespace-cdn.com/content/v1/5b474d53b40b9dfc79289e98/1586937839811-5763UIHE1D8G94VDW35N/ke17ZwdGBToddI8pDm48kB6N0s8PWtX2k_eW8krg04V7gQa3H78H3Y0txjaiv_0fDoOvxcdMmMKkDsyUqMSsMWxHk725yiiHCCLfrh8O1z5QPOohDIaIeljMHgDF5CVlOqpeNLcJ80NK65_fV7S1URWK2DJDpV27WG7FD5VZsfFVodF6E_6KI51EW1dNf095hdyjf10zfCEVHp52s13p8g/Nankeen_Kestrel_Callam_Brae_Nature_Reserve_7927_20190922.jpg?format=2500w es +10740611---Korean-Beef-Short-Ribs-with-Perfect-Jasmine-Rice-HF-1.jpg Koreanisches Rindfleisch Short Ribs with Perfect sind fork-tender asiatische Short Ribs, langsam geröstet mit einer süßen, geschmackvollen Sauce mit Anklängen von Ingwer, Soja, Knoblauch und Sesam. https://thecafesucrefarine.com/wp-content/uploads/2011/04/Korean-Beef-Short-Ribs-with-Perfect-Jasmine-Rice-HF-1.jpg de +08148702---Grilled-Corn-Risotto-adding-kernels.jpg Les noix de maïs grillées ajouteront un goût unique à votre recette de Risotto https://celebratewomantoday.com/wp-content/uploads/2019/06/Grilled-Corn-Risotto-adding-kernels.jpeg fr +04530023---49305383277_29d4a34f37_h.jpg Non habillé comme brebis bloger de mode Bloopers & Outtakes 2019 | L'un où mes ventres se sont fixées ensemble https://live.staticflickr.com/65535/49305383277_29d4a34f37_h.jpg fr +03360735---Warm-Bacon-Dip-EasyLowCarb-2.jpg Bacon Dip se sirve caliente en una panela de hierro negro, con manchas de celerio en la parte. https://easylowcarb.com/wp-content/uploads/2019/12/Warm-Bacon-Dip-EasyLowCarb-2.jpg es +03598306---20400805522_fba017bc51_b.jpg 1968 Vintage Mod TNT Dark Chocolate Bon-Bon Barbie Doll | by The doll keeper https://live.staticflickr.com/512/20400805522_fba017bc51_b.jpg en +01772764---business-woman-winner-standing-first-600w-254762824.jpg Une femme d'affaires gagnante se classe au premier rang sur un podium en tenant un trophée https://image.shutterstock.com/image-vector/business-woman-winner-standing-first-600w-254762824.jpg fr +08102109---ae34fa9bf37b91a540565a00a9df6f2f.jpg Wählen Sie aus Antiquitäten zum Verkauf durch britische Antiquitätenhändler. Nur echte Antiquitäten genehmigt. Datum der Herstellung auf allen Antiquitäten erklärt. Steampunk Möbel, Gothic Möbel, Kunst Möbel, Klassische Möbel, Vintage Möbel, https://i.pinimg.com/originals/ae/34/fa/ae34fa9bf37b91a540565a00a9df6f2f.jpg de +10809425---2ba1188c57c8ca12b510e91e5c16949c.jpg Evangeline Faith Gardner Quad Squad, , , Reality Tv, Families, Faith, Bear, Babies, People https://i.pinimg.com/originals/2b/a1/18/2ba1188c57c8ca12b510e91e5c16949c.jpg en +04334412---Pants-All-match-Professional-Harlan-Women-s-Loose-Skinny-High-Waist-New-2019-Suit-Summer-Leisure-Pants-2077.jpg Pants All-match Professional Harlan Women's Loose Skinny High Waist New 2019 Suit Summer Leisure Pants (Suecia) http://www.colorfulthebox.com/upfiles/main/Pants-All-match-Professional-Harlan-Women-s-Loose-Skinny-High-Waist-New-2019-Suit-Summer-Leisure-Pants-2077.jpg es +09267087---37b41dacf0e0a051bc828bff7c357150.jpg Is it a Mistake To Decorate With A Greek Key Motif? Is it a Mistake To Decorate With A Greek Key Motif? Versace Tattoo, Versace Pattern, , Ornament Pattern, Greek Pattern, Muster Tattoos, Greek Design, Band Tattoo, Thor Tattoo https://i.pinimg.com/originals/37/b4/1d/37b41dacf0e0a051bc828bff7c357150.jpg en +09936948---d117e9fc8cecd1af2f6215f3ad7f4b67.jpg Ballons de lettres d'or de la fête ~ Bannière de la fête ~ Bannière de la fête ~ C'est une bannière de la fête ~ Ballon de la fête d'anniversaire~ 16 pouces Air Fill Only Ballons de lettres d'or, lettre https://i.pinimg.com/originals/d1/17/e9/d117e9fc8cecd1af2f6215f3ad7f4b67.jpg fr +03271226---beneath-the-borealis-092517-a-very-bear-y-summer-kennicott-valley-virga.jpg Unter dem Borealis 09-25-17 Ein sehr Bär-Y https://beneaththeborealisdotcom.files.wordpress.com/2017/09/beneath-the-borealis-092517-a-very-bear-y-summer-kennicott-valley-virga.jpg?w=620 de +07673933---Which-is-free-offline-website-builder-software-1.jpg Quel est le logiciel de développement de site Web hors ligne gratuit? https://www.topbrandscompare.com/wp-content/uploads/2019/07/Which-is-free-offline-website-builder-software-1.jpg fr +08986600---172426232.jpg Anämie und Anämie medizinisches Diagramm Konzept als normale und anormale Blutkörperchenzahl und menschliche Durchblutung in einer Arterie oder Venen als 3D-Abbildung auf weißem Hintergrund isoliert. https://static3.bigstockphoto.com/2/7/1/large2/172426232.jpg de +08223516---Gloved-Hand-Holding-Large-Seeds.jpg A close up picture of a gloved hand holding some large seeds, resting on dark earth in bright sunshine. https://gardenerspath.com/wp-content/uploads/2020/03/Gloved-Hand-Holding-Large-Seeds.jpg en +03257347---looking-farther-afield-article-size.jpg Consejos para Reservar una Alquilera de Chalet casi de último minuto https://www.caasco.com/-/media/CAA-Magazine-Content/Articles/Outdoors/tips-to-booking-an-almost-last-minute-cottage-rental/looking-farther-afield-article-size.jpg es +06817213---B-113.jpg Sala con mesa de conferencias y sillas, pantalla plana montada en la parede, y 2 grandes paneles blancos en las paredes de la izquierda y derecha. https://www.necc.mass.edu/wp-content/uploads/B-113.jpg es +05359810---cup-herbal-tea-coffee-good-day-coloring-book-adult-vector-85330480.jpg Une tasse de thé et de café à base d'herbes pour une bonne journée. https://thumbs.dreamstime.com/b/cup-herbal-tea-coffee-good-day-coloring-book-adult-vector-85330480.jpg fr +00602376---%20essay-example-writing-comparison-compare-contrast-how-to-write-poem-examples-of%20-1024x768.jpg Large size of essay example writing comparison compare contrast how to write poem examples of a art comparative literature http://www.clamplightsa.com/wp-content/uploads/2019/12/%20essay-example-writing-comparison-compare-contrast-how-to-write-poem-examples-of%20-1024x768.jpg en +00697411---dream-house-swimming-pool-large-133359636.jpg La maison de rêve avec piscine https://thumbs.dreamstime.com/b/dream-house-swimming-pool-large-133359636.jpg fr +10227805---gptr,1265x,front,black-c,330,402,600,600-bg,f8f8f8.jpg Warhammer - Gotrek et Felix - Scourge of the Undead Graphic T-Shirt https://ih1.redbubble.net/image.915684733.0925/gptr,1265x,front,black-c,330,402,600,600-bg,f8f8f8.jpg fr +06514300---poster,504x498,f8f8f8-pad,600x600,f8f8f8.u14.jpg The Last of Us: Remastered Poster https://ih1.redbubble.net/image.672792532.5206/poster,504x498,f8f8f8-pad,600x600,f8f8f8.u14.jpg en +02243845---heritage-heritage-matte-stainless-steel-sink-undermount-5_2048x.jpg Luxe Edelstahl Finish auf der Heritage Spüle. https://cdn.shopify.com/s/files/1/1235/1984/products/heritage-heritage-matte-stainless-steel-sink-undermount-5_2048x.jpg?v=1516977373 de +06311179---dog-and-a-dead-partridge_richard-ansdell__80320.1556880164.jpg Un chien et un Par https://cdn11.bigcommerce.com/s-r3utmtjwwz/images/stencil/1024x1024/products/37364/155023/dog-and-a-dead-partridge_richard-ansdell__80320.1556880164.jpg?c=2 fr +06962855---IS37649zbh2wwd0000000000.jpg Door on Left to Grand Foyer. The hardwood floors in this home are truly lovely. https://photos.zillowstatic.com/cc_ft_576/IS37649zbh2wwd0000000000.jpg en +07436784---IMG_3711-scaled.jpg , von , mit ihren Kindern im Laufwagen. https://i0.wp.com/maesmenu.com/wp-content/uploads/2020/04/IMG_3711-scaled.jpeg?resize=1000%2C1000&ssl=1 de +02520451---Gower-1.jpg La baie Rhossili | La baie des trois falaises https://i1.wp.com/cerijoneschef.com/wp-content/uploads/2015/08/Gower-1.jpg?resize=1024%2C683&ssl=1 fr +10935180---The-Purge-Anarchy-Movie-Cross-Mask.jpg La mascara de la Cruz de la película de Purge Anarchy https://cutewallpaper.org/21/pictures-of-the-purge-mask/The-Purge-Anarchy-Movie-Cross-Mask.jpg es +05352777---CHILD_CAR_SAFETY_03.jpg A worrying 26% of parents admitted to using a car seat that did not fit properly https://d193ppza2qrruo.cloudfront.net/production/images/CHILD_CAR_SAFETY_03.JPG en +03394023---m_5e36e15f2169682519441e34.jpg 7 For All Mankind Denim - Dojo Jeans 7 For All Mankind Sevens Pockets Rodeo https://di2ponv0v5otw.cloudfront.net/posts/2020/02/02/5e36e14eafade8c51bf439bc/m_5e36e15f2169682519441e34.jpg en +08592734---5e1fa55c281154b4b3fc6d89cba65f43.jpg Have you a ever seen a girl riding a crocodile or a man riding a lion? Then you must see these photos. Have you a ever seen a girl riding a crocodile or a man riding a lion? Crocodile Dundee, Crocodile Shark, Saltwater Crocodile, Anime Meme, Old Photos, Doctor Who, 1920s, Weird, Painted Horses https://i.pinimg.com/originals/5e/1f/a5/5e1fa55c281154b4b3fc6d89cba65f43.jpg en +06256846---lrm_export_20171217_093816.jpg Snow-capped mountains border a steep valley. The winter sky is cold and gray. https://d33wubrfki0l68.cloudfront.net/0eb885ae3439adfc784ceea9b9067b18e3308027/ccbad/photos/thumbs/lrm_export_20171217_093816.jpg en +01760795---The-Size-of-the-buildings-in-Shekou-are-in-direct-relation-to-the-time-it-takes-to-accomplish-tasks.jpg La taille des bâtiments de Shekou est directement liée au temps nécessaire à l'exécution des tâches http://elao2011.com/wp-content/uploads/2016/06/The-Size-of-the-buildings-in-Shekou-are-in-direct-relation-to-the-time-it-takes-to-accomplish-tasks.jpg fr +05731219---situazione%252025%2520aprile%25202020.jpg Coronavirus, the Civil Protection bulletin: new infections are still falling, but the number of deaths exceeds 26 thousand https://www.gelestatic.it/thimg/PDGzbXtFZ9LYaTaVxMi7qlolO9k=/fit-in/1280x1280/https%3A//www.lastampa.it/image/contentid/policy%3A1.38761569%3A1587830632/situazione%252025%2520aprile%25202020.jpg%3Ff%3Dlibero%26%24p%24f%3Dcb67439 en +10309123---1521402057075.jpg Der Nickelweinständer entlang der Küchenwand wurde aus den Vereinigten Staaten importiert; Porzellan auf den offenen Regalen enthält antike Familienerbe goldbeschichtet feines Porzellan und Porzellan in der Schweiz gekauft. https://resources.stuff.co.nz/content/dam/images/1/o/h/2/l/s/image.related.StuffLandscapeSixteenByNine.710x400.1oh27i.png/1521402057075.jpg de +07238932---Baby-Yoda-Slurp-Here-For-The-Soup-shirt-long-sleeved.jpg Baby Yoda Slurp Here For The Soup shirt Long sleeved https://blueteesshirt.com/wp-content/uploads/Baby-Yoda-Slurp-Here-For-The-Soup-shirt-long-sleeved.jpg en +06639019---boats_wallpapers_06.jpg Las embarcaciones de todo el mundo https://www.kalpana.it/downloads/rivers_lakes_waterfalls/images/mini/boats_wallpapers_06.jpg es +01761366---fresh-salad-flying-vegetables-ingredients-isolated-white-background-48747892.jpg Salat frais avec des ingrédients de légumes volants. https://thumbs.dreamstime.com/b/fresh-salad-flying-vegetables-ingredients-isolated-white-background-48747892.jpg fr +01648721---170420062908YDYA.jpg Ein Blick auf Häuser und Gebäude in Abha, Saudi-Arabien 18. April 2017. Bild zu illustrativen Zwecken. https://images.zawya.com/images/cia/zXlarge/170420062908YDYA.jpg de +10300405---dec-004.jpg Nandina domestica con flores y bayas en el parque local. https://gardendesigncompany.files.wordpress.com/2014/01/dec-004.jpg?w=409&h=613 es +10720884---our-wedding-day_t20_1br1bxB_1024x1024.jpg 5 Gründe, warum einfrieren getrocknete Blütenblätter machen die beste Confetti https://cdn.shopify.com/s/files/1/0426/5013/articles/our-wedding-day_t20_1br1bxB_1024x1024.jpg?v=1583357597 de +12389311---b43b16e160627f45c47a7f3fcc53b174.jpg Tron by on DeviantArt Light Cycle, Tron Legacy, Bike Logo, All The Small Things, , Rodeo, Arcade, , Nostalgia https://i.pinimg.com/originals/b4/3b/16/b43b16e160627f45c47a7f3fcc53b174.jpg es +06008919---im-just-a-girl-who-loves-horses-coffee-mug-cup-gift-mugs-simply-crafty-drinkware_100_large.jpg Im Just A Girl Who Loves Horses (Je suis une fille qui aime les chevaux) https://cdn.shopify.com/s/files/1/1214/6342/products/im-just-a-girl-who-loves-horses-coffee-mug-cup-gift-mugs-simply-crafty-drinkware_100_large.jpg?v=1563952908 fr +05353869---d416548afc0966365239750752ec7e7c.jpg 19 OF The Best Hailey Bieber Outfits ( ) Estilo , , , Outfits para Teen Girls, Outfits para Work, https://i.pinimg.com/originals/d4/16/54/d416548afc0966365239750752ec7e7c.jpg es +11528247---r960-57423d009ac86e9c96677835b6974396.jpg Foto - Los estudiantes de Velma-Alma High School hacen un baile de línea en el baile de baile. https://cdn2.newsok.biz/cache/r960-57423d009ac86e9c96677835b6974396.jpg es +10973952---hawk_board_smith.jpg La première planche de patinage de , un modèle de Bahne en fibre de verre de 1975, a été faite à la main par son frère. http://a4.espncdn.com/photo/2013/0621/hawk_board_smith.jpg fr +06522902---EP3PKFIWoAMlyC0.jpg El equipo de gimnasia UW-Whitewater ha ganado el campeonato nacional de la Asociación Nacional de Gimnasia Collegiate de 2018. ( foto) https://pbs.twimg.com/media/EP3PKFIWoAMlyC0.jpg es +07151619---Video%20High%20Sierra%20Trail%20view%20from%20above%20The%20Big%20Hamilton%20Lake%20and%20bellow%20the%20Tunnel-L.jpg Video La vista de la Sierra alta desde arriba del lago Big Hamilton y debajo del túnel. https://photos.smugmug.com/Davids-Hiking-and/Tripple-Divide-Peak-Trip-2010/i-2KhwpSw/0/744b6c14/L/Video%20High%20Sierra%20Trail%20view%20from%20above%20The%20Big%20Hamilton%20Lake%20and%20bellow%20the%20Tunnel-L.jpg es +06962126---Apple-now-produces-the-iPhone-XR-in-India.jpg Apple produziert jetzt das iPhone XR in Indien https://i-cdn.phonearena.com/images/article/119830-two_lead/Apple-now-produces-the-iPhone-XR-in-India.jpg de +05556446---diamond-company-logo-app-icon-splash-page-design-creative-business-elements-vector-eps-illustration-best-print-136321158.jpg Diamond Company Logo App Icon und Splash Page Design. Kreative Business App Design Elemente. Diese Vektor EPS 10 Illustration ist am besten für Druckmedien, Web-Royalty-freie Illustration https://thumbs.dreamstime.com/b/diamond-company-logo-app-icon-splash-page-design-creative-business-elements-vector-eps-illustration-best-print-136321158.jpg de +07105240---ivanovo-russia-february-phone-kfc-logo-173265853.jpg Ivanovo, Russie, le 20 février 2020, Le téléphone avec le logo de KFC. https://thumbs.dreamstime.com/b/ivanovo-russia-february-phone-kfc-logo-173265853.jpg fr +02912250---a-black-panther-has-been-spotted-in-weald-park-brentwood-essex-britain-shutterstock-editorial-618335e.jpg Se ha detectado un en Weald Park, Brentwood, Essex, Gran Bretaña - 25 de octubre 2006 https://editorial01.shutterstock.com/wm-preview-1500/618335e/a8bbfd80/a-black-panther-has-been-spotted-in-weald-park-brentwood-essex-britain-shutterstock-editorial-618335e.jpg es +08898129---depositphotos_51933589-stock-illustration-apple-with-a-worm.jpg Apple avec une graphique vectorielle de vers https://st2.depositphotos.com/2222964/5193/v/450/depositphotos_51933589-stock-illustration-apple-with-a-worm.jpg fr +05134015---UN058144.jpg Ein kleines, farbig gekleidetes Baby bekommt eine Impfstoff-Schutze. https://www.unicef.org/sites/default/files/styles/press_release_feature/public/UN058144.JPG?itok=iDZeplxf de +00606341---dog-coloring-book-detailed-dogs-page2.jpg Pes detallados: un libro de coloración compleja para cans https://i2.wp.com/www.cleverpedia.com/wp-content/uploads/2015/12/dog-coloring-book-detailed-dogs-page2.jpg?w=810 es +00491934---I6FTIDWLJRFPHAK4ZSZH4RQGDA.jpg Im Riverbanks Zoo-Gorilla-Basislager herrscht wieder Aufregung weniger als ein Jahr nach dem Verlust eines Säuglings-Gorilla. (Quelle: WIS) https://www.wistv.com/resizer/1tN_W2l4Anec3_czCuYQpou3dU0=/1400x0/arc-anglerfish-arc2-prod-raycom.s3.amazonaws.com/public/I6FTIDWLJRFPHAK4ZSZH4RQGDA.jpg de +04935800---35-04914.jpg Bottes traditionnelles du Bhoutan dans un magasin de souvenirs, Thimphu 2018 http://www.efratnakash.com/galleries_l_pics/asia/bhutan-landscape/35-04914.jpg fr +11396830---?url=https%3A%2F%2Fcalifornia-times-brightspot.s3.amazonaws.jpg Das Mädchen, das über einen Wolf weinte https://ca-times.brightspotcdn.com/dims4/default/87ea890/2147483647/strip/true/crop/1333x2000+0+0/resize/840x1260!/quality/90/?url=https%3A%2F%2Fcalifornia-times-brightspot.s3.amazonaws.com%2F52%2F13%2Fadca5d6fa578806266f61b5d7120%2Fla-1537294173-taxayj5npv-snap-image de +02335328---margaret-and-alexander-potters-houses-1948.jpg En la misma sesión, la Comisión aprobó el proyecto de resolución A/C.5/55/L.29 sin someterlo a votación (véase párr. https://municipaldreams.files.wordpress.com/2013/03/margaret-and-alexander-potters-houses-1948.jpg?w=529&h=603 es +01023838---fundraising-photo.jpg En la misma sesión, la Comisión aprobó el proyecto de resolución A/C.5/55/L.17 sin someterlo a votación (véase párr. https://cdn.shopify.com/s/files/1/0074/9138/7443/files/fundraising-photo.jpg?34299 es +10066499---ce322ab4a392377fec5101da583323ed.jpg Tsunami ruft in Richtung eines isolierten Leuchtturms. Leuchtturm Bilder, Leuchtturm Kunst, Big Waves, Ocean Waves, Large Waves, Stürmisches Meer, Leuchtturm, Küsten, Surfen https://i.pinimg.com/originals/ce/32/2a/ce322ab4a392377fec5101da583323ed.jpg de +01275377---Young-the-Giant.jpg Le festival de musique Pemberton 2014 Young the Giant https://images.dailyhive.com/vancitybuzz/uploads/2014/07/Young-the-Giant.jpg fr +04964414---1400976024813.jpg Enfoncer l'ackordon à la moitié en longueur et recouper pour déterminer le centre, puis dérouler, en utilisant des scissures pour couper une petite incision au centre sans recouper tout. https://hgtvhome.sndimg.com/content/dam/images/hgtv/fullset/2013/3/14/0/original_Camille-Styles-Halloween-costume-hula-girl-step12_4x3.jpg.rend.hgtvcom.616.462.suffix/1400976024813.jpeg fr +07612204---my-pretty-boy-very-stressful-environment-caused-him-such-bad-anxiety-he-would-bite-all-his-fur-out.jpg Cat - 12 month difference...I rescued my pretty boy from a very stressful environment that caused him such bad anxiety he would bite all his fur out https://i.chzbgr.com/full/9402380800/h9885A3E7/my-pretty-boy-very-stressful-environment-caused-him-such-bad-anxiety-he-would-bite-all-his-fur-out en +06623731---Boot-Tray-Upgrade-1.jpg Añadir una bandeja de botas de plástico con rocas de río. https://www.the-organized-life.com/wp-content/uploads/2016/02/Boot-Tray-Upgrade-1.jpg es +02175876---DL2-4i4.jpg Make the Right Choice for Your Vehicle https://brendelscollision.com/wp-content/blogs.dir/28831/files/2017/12/DL2-4i4.jpg?w=1060&h=440&a=t en +08825884---little-girl-school-uniform-white-background-reading-book_106368-73.jpg Little girl in school uniform on a white background reading a book https://img.freepik.com/free-photo/little-girl-school-uniform-white-background-reading-book_106368-73.jpg?size=626&ext=jpg en +00315853---041bdd212f5b5d3d30cbc4ccf523f1a3.jpg Even if they are not allergic, they may have an intolerance, or a level of sensitivity. For example, numerous individuals are going gluten-free nowadays. Banana Split, Cafe Food, Food Menu, Work Meals, Kids Meals, Canteen Menu, Cafeteria Food, Fairview School, School Breakfast https://i.pinimg.com/originals/04/1b/dd/041bdd212f5b5d3d30cbc4ccf523f1a3.jpg en +01327794---40250345161_452dc56b11_z.jpg Nachtfeuer ist nur erlaubt, wenn ein Lagerbetreiber am Campingplatz vom 15. Februar bis 30. April anwesend ist https://c1.staticflickr.com/5/4653/40250345161_452dc56b11_z.jpg de +07019890---58943.jpg?interior[image]=room11_wallpaper_standing&interior[type]=photo-wallpaper&primary_area[x]=40.227&primary_area[y]=38.jpg im Gottesvater - Hintergrundbild - Wohnzimmer https://images.photowall.com/products/58943.jpg?interior[image]=room11_wallpaper_standing&interior[type]=photo-wallpaper&primary_area[x]=40.227&primary_area[y]=38.722&w=2000&q=80 de +02034916---XKC6GGK5NDECNBAD5WAQUWOO5U.jpg Un pluma de humo se levanta de un incendio petroquímico en el Intercontinental Terminals Co., el 18 de marzo en Deer Park. https://dmn-dallas-news-prod.cdn.arcpublishing.com/resizer/VHhhaG14Fjrn86qToj6VxHpjhtA=/1660x934/smart/filters:no_upscale()/arc-anglerfish-arc2-prod-dmn.s3.amazonaws.com/public/XKC6GGK5NDECNBAD5WAQUWOO5U.jpg es +06548686---JC6.jpg Durchführung einer einzigen Armaufhebung mit schwerem Gewicht https://www.hfe.co.uk/wp-content/uploads/2017/04/JC6.jpg de +08346237---scottish-terrier-dog-breed.jpg Ein Bild von einem schwarzen Scottish Terrier Hund https://smallfluffydogbreeds.com/wp-content/uploads/2019/05/scottish-terrier-dog-breed.jpg de +04361362---square-stone-benches-around-fire-pit-outside-residential-building-sunny-day-pathways-plants-can-also-be-seen-homes-171086572.jpg Square benches around a fire pit outside a residential building on a sunny day. Pathways and plants can also be seen outside the homes with stairways and stock photography https://thumbs.dreamstime.com/b/square-stone-benches-around-fire-pit-outside-residential-building-sunny-day-pathways-plants-can-also-be-seen-homes-171086572.jpg en +00212055---Wax_cylinder_in_Dictaphone.jpg Los cilindros de vidrio precedieron la grabación de vinilo, los movimientos laterales registraban ondas de sonido similares a la función de la oreja interior. https://www.sageaudio.com/blog/wp-content/uploads/2019/07/Wax_cylinder_in_Dictaphone.jpg es +02217469---mount-macedon-victoria-australia-macedon-regional-park-region-photographed-by-karen-robinson-_march-29-2020_042-1.jpg Mount Macedon, - Australia 'Macedon Regional Park Region' Photographed by March 2020 Comments: El viaje de otoño por el camino de Hells Hole nos llevó a encontrar esta hermosa selva verde. https://idoartkarenrobinson.files.wordpress.com/2020/04/mount-macedon-victoria-australia-macedon-regional-park-region-photographed-by-karen-robinson-_march-29-2020_042-1.jpg?w=580&h=870 es +01813337---cd4df5cb43d087533e89b12c9805409e.jpg Creative Organization: 15 Simple Bullet Journal Page Ideas (for the not-so-artsy) ~ Habit Tracking, yearly & monthly spreads, key pages and more. Bullet Journal Habit Tracker Layout, Bullet Journal Yearly, Bullet Journal Font, Bullet Journal How To Start A, Bullet Journals, Journal Stickers, Journal Cards, Planner Stickers, Bullet Journal Inspiration https://i.pinimg.com/originals/cd/4d/f5/cd4df5cb43d087533e89b12c9805409e.jpg en +09727710---s-l400.jpg Uta no Prince-sama the Movie Maji Love Kingdom First Limited Edition DVD CD BOOK | eBay https://i.ebayimg.com/images/g/6p0AAOSwzG9eQo6c/s-l400.jpg de +04331097---108_1504859395_24.jpg La Casa Amarilla,, Imagen 15 https://www.theholidaylet.com/uploads/images/large/108_1504859395_24.jpg es diff --git a/ckpt/mlm/ckpt-60k/config.json b/ckpt/mlm/ckpt-60k/config.json index 7aa5cd5bb83b60ba45696b89c88a04e3e9103fff..8dbad663bd27bd149f1cc1f36314952fc310e6af 100644 --- a/ckpt/mlm/ckpt-60k/config.json +++ b/ckpt/mlm/ckpt-60k/config.json @@ -302,4 +302,4 @@ "model_type": "clip-vision-bert", "seed": 42, "transformers_version": null -} +} \ No newline at end of file diff --git a/multiapp.py b/multiapp.py new file mode 100644 index 0000000000000000000000000000000000000000..fa36f3db451a7d045a75272b64849b1bf22e14cd --- /dev/null +++ b/multiapp.py @@ -0,0 +1,10 @@ +import streamlit as st +class MultiApp: + def __init__(self): + self.apps = [] + def add_app(self, title, func): + self.apps.append({"title": title, "function": func}) + def run(self): + st.sidebar.header("Tasks") + app = st.sidebar.radio("", self.apps, format_func=lambda app: app["title"]) + app["function"]() diff --git a/requirements.txt b/requirements.txt index da552879df3d0f8296850230f97b2b8216f43089..d6d74f46665df7f31fc4713b4bc2afdf60e9e605 100644 --- a/requirements.txt +++ b/requirements.txt @@ -4,4 +4,5 @@ git+https://github.com/huggingface/transformers.git torchvision==0.10.0 mtranslate==1.8 black==21.7b0 -flax==0.3.4 \ No newline at end of file +flax==0.3.4 +torch==1.9.0 \ No newline at end of file