├── 3_in_1_eval ├── 3_in_1.py └── test.sh ├── BLIPvqa_eval ├── BLIP │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-39.pyc │ │ ├── train_vqa_func.cpython-39.pyc │ │ └── utils.cpython-39.pyc │ ├── train_vqa_func.py │ └── utils.py ├── BLIP_vqa.py ├── __pycache__ │ └── utils.cpython-39.pyc ├── configs │ ├── bert_config.json │ ├── med_config.json │ └── vqa.yaml ├── data │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-39.pyc │ │ ├── utils.cpython-39.pyc │ │ └── vqa_dataset.cpython-39.pyc │ ├── utils.py │ └── vqa_dataset.py ├── models │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-39.pyc │ │ ├── blip.cpython-39.pyc │ │ ├── blip_vqa.cpython-39.pyc │ │ ├── med.cpython-39.pyc │ │ └── vit.cpython-39.pyc │ ├── blip.py │ ├── blip_pretrain.py │ ├── blip_vqa.py │ ├── med.py │ └── vit.py ├── test.sh ├── transform │ ├── __pycache__ │ │ └── randaugment.cpython-39.pyc │ └── randaugment.py └── utils.py ├── CLIPScore_eval ├── CLIP_similarity.py ├── clip │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-39.pyc │ │ ├── clip.cpython-39.pyc │ │ ├── model.cpython-39.pyc │ │ └── simple_tokenizer.cpython-39.pyc │ ├── bpe_simple_vocab_16e6.txt.gz │ ├── clip.py │ ├── model.py │ └── simple_tokenizer.py └── test.sh ├── GORS_finetune ├── A bathroom with green tile and a red shower curtain.png ├── __init__.py ├── __pycache__ │ └── train_dataset.cpython-39.pyc ├── checkpoint │ ├── color │ │ ├── lora_weight_e357_s124500.pt │ │ └── lora_weight_e357_s124500.text_encoder.pt │ ├── complex │ │ ├── complex.pt │ │ └── complex.text_encoder.pt │ ├── non_spatial │ │ ├── non_spatial.pt │ │ └── non_spatial.text_encoder.pt │ ├── shape │ │ ├── lora_weight_e180_s49000.pt │ │ └── lora_weight_e180_s49000.text_encoder.pt │ ├── spatial │ │ ├── spatial.pt │ │ └── spatial.text_encoder.pt │ └── texture │ │ ├── lora_weight_e118_s63000.pt │ │ └── lora_weight_e118_s63000.text_encoder.pt ├── inference.py ├── inference_eval.py ├── lora_diffusion │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-39.pyc │ │ ├── dataset.cpython-39.pyc │ │ ├── lora.cpython-39.pyc │ │ ├── lora_manager.cpython-39.pyc │ │ ├── preprocess_files.cpython-39.pyc │ │ └── utils.cpython-39.pyc │ ├── cli_lora_add.py │ ├── cli_lora_pti.py │ ├── cli_pt_to_safetensors.py │ ├── cli_svd.py │ ├── dataset.py │ ├── lora.py │ ├── lora_manager.py │ ├── preprocess_files.py │ ├── safe_open.py │ ├── to_ckpt_v2.py │ ├── utils.py │ └── xformers_utils.py ├── test.sh ├── train.sh ├── train_dataset.py └── train_text_to_image.py ├── License.txt ├── MLLM_eval ├── MiniGPT4-CoT_eval │ ├── mGPT_cot_attribute.py │ └── mGPT_cot_general.py ├── ShareGPT4V-CoT_eval │ ├── Share_eval.py │ ├── llava │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-38.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── constants.cpython-310.pyc │ │ │ ├── constants.cpython-38.pyc │ │ │ ├── constants.cpython-39.pyc │ │ │ ├── conversation.cpython-310.pyc │ │ │ ├── conversation.cpython-39.pyc │ │ │ ├── mm_utils.cpython-310.pyc │ │ │ └── mm_utils.cpython-39.pyc │ │ ├── constants.py │ │ ├── conversation.py │ │ ├── eval │ │ │ ├── eval_gpt_review.py │ │ │ ├── eval_gpt_review_bench.py │ │ │ ├── eval_gpt_review_visual.py │ │ │ ├── eval_pope.py │ │ │ ├── eval_science_qa.py │ │ │ ├── eval_science_qa_gpt4.py │ │ │ ├── eval_science_qa_gpt4_requery.py │ │ │ ├── eval_textvqa.py │ │ │ ├── generate_webpage_data_from_table.py │ │ │ ├── m4c_evaluator.py │ │ │ ├── model_qa.py │ │ │ ├── model_vqa.py │ │ │ ├── model_vqa_loader.py │ │ │ ├── model_vqa_mmbench.py │ │ │ ├── model_vqa_qbench.py │ │ │ ├── model_vqa_science.py │ │ │ ├── qa_baseline_gpt35.py │ │ │ ├── run_llava.py │ │ │ ├── summarize_gpt_review.py │ │ │ ├── table │ │ │ │ ├── answer │ │ │ │ │ ├── answer_alpaca-13b.jsonl │ │ │ │ │ ├── answer_bard.jsonl │ │ │ │ │ ├── answer_gpt35.jsonl │ │ │ │ │ ├── answer_llama-13b.jsonl │ │ │ │ │ └── answer_vicuna-13b.jsonl │ │ │ │ ├── caps_boxes_coco2014_val_80.jsonl │ │ │ │ ├── model.jsonl │ │ │ │ ├── prompt.jsonl │ │ │ │ ├── question.jsonl │ │ │ │ ├── results │ │ │ │ │ ├── test_sqa_llava_13b_v0.json │ │ │ │ │ └── test_sqa_llava_lcs_558k_sqa_12e_vicuna_v1_3_13b.json │ │ │ │ ├── review │ │ │ │ │ ├── review_alpaca-13b_vicuna-13b.jsonl │ │ │ │ │ ├── review_bard_vicuna-13b.jsonl │ │ │ │ │ ├── review_gpt35_vicuna-13b.jsonl │ │ │ │ │ └── review_llama-13b_vicuna-13b.jsonl │ │ │ │ ├── reviewer.jsonl │ │ │ │ └── rule.json │ │ │ └── webpage │ │ │ │ ├── figures │ │ │ │ ├── alpaca.png │ │ │ │ ├── bard.jpg │ │ │ │ ├── chatgpt.svg │ │ │ │ ├── llama.jpg │ │ │ │ ├── swords_FILL0_wght300_GRAD0_opsz48.svg │ │ │ │ └── vicuna.jpeg │ │ │ │ ├── index.html │ │ │ │ ├── script.js │ │ │ │ └── styles.css │ │ ├── mm_utils.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── __init__.cpython-38.pyc │ │ │ │ ├── __init__.cpython-39.pyc │ │ │ │ ├── builder.cpython-310.pyc │ │ │ │ ├── builder.cpython-39.pyc │ │ │ │ ├── llava_arch.cpython-310.pyc │ │ │ │ ├── llava_arch.cpython-38.pyc │ │ │ │ └── llava_arch.cpython-39.pyc │ │ │ ├── apply_delta.py │ │ │ ├── builder.py │ │ │ ├── consolidate.py │ │ │ ├── language_model │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── llava_llama.cpython-310.pyc │ │ │ │ │ ├── llava_llama.cpython-38.pyc │ │ │ │ │ ├── llava_llama.cpython-39.pyc │ │ │ │ │ ├── llava_mpt.cpython-310.pyc │ │ │ │ │ ├── llava_mpt.cpython-38.pyc │ │ │ │ │ └── llava_mpt.cpython-39.pyc │ │ │ │ ├── llava_llama.py │ │ │ │ ├── llava_mpt.py │ │ │ │ └── mpt │ │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── adapt_tokenizer.cpython-310.pyc │ │ │ │ │ ├── adapt_tokenizer.cpython-39.pyc │ │ │ │ │ ├── attention.cpython-310.pyc │ │ │ │ │ ├── attention.cpython-38.pyc │ │ │ │ │ ├── attention.cpython-39.pyc │ │ │ │ │ ├── blocks.cpython-310.pyc │ │ │ │ │ ├── blocks.cpython-39.pyc │ │ │ │ │ ├── configuration_mpt.cpython-310.pyc │ │ │ │ │ ├── configuration_mpt.cpython-39.pyc │ │ │ │ │ ├── custom_embedding.cpython-310.pyc │ │ │ │ │ ├── custom_embedding.cpython-39.pyc │ │ │ │ │ ├── flash_attn_triton.cpython-310.pyc │ │ │ │ │ ├── flash_attn_triton.cpython-39.pyc │ │ │ │ │ ├── hf_prefixlm_converter.cpython-310.pyc │ │ │ │ │ ├── hf_prefixlm_converter.cpython-39.pyc │ │ │ │ │ ├── meta_init_context.cpython-310.pyc │ │ │ │ │ ├── meta_init_context.cpython-39.pyc │ │ │ │ │ ├── modeling_mpt.cpython-310.pyc │ │ │ │ │ ├── modeling_mpt.cpython-38.pyc │ │ │ │ │ ├── modeling_mpt.cpython-39.pyc │ │ │ │ │ ├── norm.cpython-310.pyc │ │ │ │ │ ├── norm.cpython-39.pyc │ │ │ │ │ ├── param_init_fns.cpython-310.pyc │ │ │ │ │ └── param_init_fns.cpython-39.pyc │ │ │ │ │ ├── adapt_tokenizer.py │ │ │ │ │ ├── attention.py │ │ │ │ │ ├── blocks.py │ │ │ │ │ ├── configuration_mpt.py │ │ │ │ │ ├── custom_embedding.py │ │ │ │ │ ├── flash_attn_triton.py │ │ │ │ │ ├── hf_prefixlm_converter.py │ │ │ │ │ ├── meta_init_context.py │ │ │ │ │ ├── modeling_mpt.py │ │ │ │ │ ├── norm.py │ │ │ │ │ └── param_init_fns.py │ │ │ ├── llava_arch.py │ │ │ ├── make_delta.py │ │ │ ├── multimodal_encoder │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── builder.cpython-310.pyc │ │ │ │ │ ├── builder.cpython-38.pyc │ │ │ │ │ ├── builder.cpython-39.pyc │ │ │ │ │ ├── clip_encoder.cpython-310.pyc │ │ │ │ │ ├── clip_encoder.cpython-38.pyc │ │ │ │ │ └── clip_encoder.cpython-39.pyc │ │ │ │ ├── builder.py │ │ │ │ └── clip_encoder.py │ │ │ ├── multimodal_projector │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── builder.cpython-310.pyc │ │ │ │ │ ├── builder.cpython-38.pyc │ │ │ │ │ └── builder.cpython-39.pyc │ │ │ │ └── builder.py │ │ │ └── utils.py │ │ ├── serve │ │ │ ├── __init__.py │ │ │ ├── cli.py │ │ │ ├── controller.py │ │ │ ├── examples │ │ │ │ ├── extreme_ironing.jpg │ │ │ │ └── waterview.jpg │ │ │ ├── gradio_web_server.py │ │ │ ├── model_worker.py │ │ │ ├── register_worker.py │ │ │ └── test_message.py │ │ ├── train │ │ │ ├── llama_flash_attn_monkey_patch.py │ │ │ ├── llama_xformers_attn_monkey_patch.py │ │ │ ├── llava_trainer.py │ │ │ ├── train.py │ │ │ ├── train_mem.py │ │ │ └── train_xformers.py │ │ └── utils.py │ ├── pyproject.toml │ └── share4v.egg-info │ │ ├── PKG-INFO │ │ ├── SOURCES.txt │ │ ├── dependency_links.txt │ │ ├── requires.txt │ │ └── top_level.txt └── gpt4v_eval.py ├── NOTICE.md ├── Readme.md ├── UniDet_eval ├── 2D_spatial_eval.py ├── 3D_spatial_eval.py ├── __pycache__ │ └── test_determine_position_for_eval.cpython-39-pytest-7.4.0.pyc ├── configs │ └── experts.yaml ├── dataset │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-38.pyc │ │ ├── __init__.cpython-39.pyc │ │ ├── caption_dataset.cpython-38.pyc │ │ ├── caption_dataset.cpython-39.pyc │ │ ├── classification_dataset.cpython-38.pyc │ │ ├── classification_dataset.cpython-39.pyc │ │ ├── pretrain_dataset.cpython-38.pyc │ │ ├── pretrain_dataset.cpython-39.pyc │ │ ├── randaugment.cpython-38.pyc │ │ ├── randaugment.cpython-39.pyc │ │ ├── utils.cpython-38.pyc │ │ ├── utils.cpython-39.pyc │ │ ├── vqa_dataset.cpython-38.pyc │ │ └── vqa_dataset.cpython-39.pyc │ ├── ade_features.pt │ ├── background_features.pt │ ├── caption_dataset.py │ ├── classification_dataset.py │ ├── clip_pca.pkl │ ├── coco_features.pt │ ├── detection_features.pt │ ├── pretrain_dataset.py │ ├── randaugment.py │ ├── utils.py │ └── vqa_dataset.py ├── datasets │ ├── README.md │ ├── label_spaces │ │ ├── leaned_mAP_tau30_668.csv │ │ ├── leaned_mAP_tau30_668.json │ │ ├── learned_mAP+M.csv │ │ ├── learned_mAP+M.json │ │ ├── learned_mAP+M_labelmap_test.json │ │ ├── learned_mAP.csv │ │ ├── learned_mAP.json │ │ ├── manual.csv │ │ └── manual.json │ ├── prepare_ade20k_sem_seg.py │ ├── prepare_cocofied_lvis.py │ ├── prepare_for_tests.sh │ └── prepare_panoptic_fpn.py ├── experts │ ├── __pycache__ │ │ ├── model_bank.cpython-39.pyc │ │ └── model_bank_3d.cpython-39.pyc │ ├── depth │ │ ├── __pycache__ │ │ │ ├── base_model.cpython-38.pyc │ │ │ ├── base_model.cpython-39.pyc │ │ │ ├── blocks.cpython-38.pyc │ │ │ ├── blocks.cpython-39.pyc │ │ │ ├── generate_dataset.cpython-38.pyc │ │ │ ├── generate_dataset.cpython-39.pyc │ │ │ ├── models.cpython-38.pyc │ │ │ ├── models.cpython-39.pyc │ │ │ ├── vit.cpython-38.pyc │ │ │ └── vit.cpython-39.pyc │ │ ├── base_model.py │ │ ├── blocks.py │ │ ├── generate_dataset.py │ │ ├── models.py │ │ └── vit.py │ ├── generate_experts.sh │ ├── generate_objdet.py │ ├── model_bank.py │ ├── model_bank_3d.py │ └── obj_detection │ │ ├── __pycache__ │ │ ├── generate_dataset.cpython-39.pyc │ │ ├── generate_dataset_3d.cpython-39.pyc │ │ └── utils.cpython-39.pyc │ │ ├── configs │ │ ├── Base-CRCNN-COCO.yaml │ │ ├── Unified_learned_OCIM_R50_6x+2x.yaml │ │ └── Unified_learned_OCIM_RS200_6x+2x.yaml │ │ ├── d.html │ │ ├── datasets │ │ └── label_spaces │ │ │ └── learned_mAP+M.json │ │ ├── generate_dataset.py │ │ ├── generate_dataset_3d.py │ │ ├── unidet │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-39.pyc │ │ │ └── config.cpython-39.pyc │ │ ├── config.py │ │ ├── data │ │ │ ├── custom_dataset_dataloader.py │ │ │ ├── datasets │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── cityscapes_cocoformat.cpython-39.pyc │ │ │ │ │ ├── crowdhuman.cpython-39.pyc │ │ │ │ │ ├── inst_categories.cpython-39.pyc │ │ │ │ │ ├── kitti.cpython-39.pyc │ │ │ │ │ ├── mapillary.cpython-39.pyc │ │ │ │ │ ├── objects365.cpython-39.pyc │ │ │ │ │ ├── oid.cpython-39.pyc │ │ │ │ │ ├── register_oid.cpython-39.pyc │ │ │ │ │ ├── scannet.cpython-39.pyc │ │ │ │ │ ├── viper.cpython-39.pyc │ │ │ │ │ ├── voc_cocoformat.cpython-39.pyc │ │ │ │ │ └── wilddash.cpython-39.pyc │ │ │ │ ├── cityscapes_cocoformat.py │ │ │ │ ├── crowdhuman.py │ │ │ │ ├── det_categories.py │ │ │ │ ├── inst_categories.py │ │ │ │ ├── kitti.py │ │ │ │ ├── mapillary.py │ │ │ │ ├── objects365.py │ │ │ │ ├── oid.py │ │ │ │ ├── register_oid.py │ │ │ │ ├── scannet.py │ │ │ │ ├── viper.py │ │ │ │ ├── voc_cocoformat.py │ │ │ │ └── wilddash.py │ │ │ └── multi_dataset_dataloader.py │ │ ├── evaluation │ │ │ ├── multi_dataset_evaluator.py │ │ │ └── oideval.py │ │ ├── modeling │ │ │ ├── backbone │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── fpn_p5.cpython-39.pyc │ │ │ │ │ ├── resnest.cpython-39.pyc │ │ │ │ │ └── splat.cpython-39.pyc │ │ │ │ ├── fpn_p5.py │ │ │ │ ├── resnest.py │ │ │ │ └── splat.py │ │ │ ├── meta_arch │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── split_rcnn.cpython-39.pyc │ │ │ │ │ └── unified_rcnn.cpython-39.pyc │ │ │ │ ├── split_rcnn.py │ │ │ │ └── unified_rcnn.py │ │ │ └── roi_heads │ │ │ │ ├── __pycache__ │ │ │ │ ├── custom_fast_rcnn.cpython-39.pyc │ │ │ │ ├── custom_roi_heads.cpython-39.pyc │ │ │ │ ├── multi_dataset_fast_rcnn.cpython-39.pyc │ │ │ │ ├── split_roi_heads.cpython-39.pyc │ │ │ │ └── unified_roi_heads.cpython-39.pyc │ │ │ │ ├── custom_fast_rcnn.py │ │ │ │ ├── custom_roi_heads.py │ │ │ │ ├── multi_dataset_fast_rcnn.py │ │ │ │ ├── split_roi_heads.py │ │ │ │ └── unified_roi_heads.py │ │ └── predictor.py │ │ └── utils.py └── numeracy_eval.py ├── diffusers.zip ├── examples ├── dataset │ ├── 3d_spatial.txt │ ├── 3d_spatial_train.txt │ ├── 3d_spatial_val.txt │ ├── color.txt │ ├── color_train.txt │ ├── color_val.txt │ ├── color_val_seen.txt │ ├── color_val_unseen.txt │ ├── complex.txt │ ├── complex_train.txt │ ├── complex_train_action.txt │ ├── complex_train_spatial.txt │ ├── complex_train_spatialaction.txt │ ├── complex_val.txt │ ├── complex_val_action.txt │ ├── complex_val_spatial.txt │ ├── complex_val_spatialaction.txt │ ├── new_objects.txt │ ├── non_spatial.txt │ ├── non_spatial_train.txt │ ├── non_spatial_val.txt │ ├── numeracy.txt │ ├── numeracy_train.txt │ ├── numeracy_val.txt │ ├── shape.txt │ ├── shape_train.txt │ ├── shape_val.txt │ ├── shape_val_seen.txt │ ├── shape_val_unseen.txt │ ├── spatial.txt │ ├── spatial_train.txt │ ├── spatial_val.txt │ ├── texture.txt │ ├── texture_train.txt │ ├── texture_val.txt │ ├── texture_val_seen.txt │ └── texture_val_unseen.txt ├── reward │ └── vqa_result.json └── samples │ ├── a blue bench and a green cake_000002.png │ ├── a brown horse and a blue vase_000001.png │ ├── a green bench and a blue bowl_000000.png │ └── a horse on the right of a car_000003.png ├── lora_diffusion ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-39.pyc │ ├── dataset.cpython-39.pyc │ ├── lora.cpython-39.pyc │ ├── lora_manager.cpython-39.pyc │ ├── preprocess_files.cpython-39.pyc │ └── utils.cpython-39.pyc ├── cli_lora_add.py ├── cli_lora_pti.py ├── cli_pt_to_safetensors.py ├── cli_svd.py ├── dataset.py ├── lora.py ├── lora_manager.py ├── preprocess_files.py ├── safe_open.py ├── to_ckpt_v2.py ├── utils.py └── xformers_utils.py ├── paper ├── T2I-CompBench++ └── T2I-CompBench++.pdf └── requirements.txt /3_in_1_eval/3_in_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/3_in_1_eval/3_in_1.py -------------------------------------------------------------------------------- /3_in_1_eval/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/3_in_1_eval/test.sh -------------------------------------------------------------------------------- /BLIPvqa_eval/BLIP/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /BLIPvqa_eval/BLIP/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/BLIP/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/BLIP/__pycache__/train_vqa_func.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/BLIP/__pycache__/train_vqa_func.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/BLIP/__pycache__/utils.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/BLIP/__pycache__/utils.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/BLIP/train_vqa_func.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/BLIP/train_vqa_func.py -------------------------------------------------------------------------------- /BLIPvqa_eval/BLIP/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/BLIP/utils.py -------------------------------------------------------------------------------- /BLIPvqa_eval/BLIP_vqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/BLIP_vqa.py -------------------------------------------------------------------------------- /BLIPvqa_eval/__pycache__/utils.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/__pycache__/utils.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/configs/bert_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/configs/bert_config.json -------------------------------------------------------------------------------- /BLIPvqa_eval/configs/med_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/configs/med_config.json -------------------------------------------------------------------------------- /BLIPvqa_eval/configs/vqa.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/configs/vqa.yaml -------------------------------------------------------------------------------- /BLIPvqa_eval/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/data/__init__.py -------------------------------------------------------------------------------- /BLIPvqa_eval/data/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/data/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/data/__pycache__/utils.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/data/__pycache__/utils.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/data/__pycache__/vqa_dataset.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/data/__pycache__/vqa_dataset.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/data/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/data/utils.py -------------------------------------------------------------------------------- /BLIPvqa_eval/data/vqa_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/data/vqa_dataset.py -------------------------------------------------------------------------------- /BLIPvqa_eval/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /BLIPvqa_eval/models/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/models/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/models/__pycache__/blip.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/models/__pycache__/blip.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/models/__pycache__/blip_vqa.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/models/__pycache__/blip_vqa.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/models/__pycache__/med.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/models/__pycache__/med.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/models/__pycache__/vit.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/models/__pycache__/vit.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/models/blip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/models/blip.py -------------------------------------------------------------------------------- /BLIPvqa_eval/models/blip_pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/models/blip_pretrain.py -------------------------------------------------------------------------------- /BLIPvqa_eval/models/blip_vqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/models/blip_vqa.py -------------------------------------------------------------------------------- /BLIPvqa_eval/models/med.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/models/med.py -------------------------------------------------------------------------------- /BLIPvqa_eval/models/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/models/vit.py -------------------------------------------------------------------------------- /BLIPvqa_eval/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/test.sh -------------------------------------------------------------------------------- /BLIPvqa_eval/transform/__pycache__/randaugment.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/transform/__pycache__/randaugment.cpython-39.pyc -------------------------------------------------------------------------------- /BLIPvqa_eval/transform/randaugment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/transform/randaugment.py -------------------------------------------------------------------------------- /BLIPvqa_eval/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/BLIPvqa_eval/utils.py -------------------------------------------------------------------------------- /CLIPScore_eval/CLIP_similarity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/CLIPScore_eval/CLIP_similarity.py -------------------------------------------------------------------------------- /CLIPScore_eval/clip/__init__.py: -------------------------------------------------------------------------------- 1 | from .clip import * 2 | -------------------------------------------------------------------------------- /CLIPScore_eval/clip/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/CLIPScore_eval/clip/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /CLIPScore_eval/clip/__pycache__/clip.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/CLIPScore_eval/clip/__pycache__/clip.cpython-39.pyc -------------------------------------------------------------------------------- /CLIPScore_eval/clip/__pycache__/model.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/CLIPScore_eval/clip/__pycache__/model.cpython-39.pyc -------------------------------------------------------------------------------- /CLIPScore_eval/clip/__pycache__/simple_tokenizer.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/CLIPScore_eval/clip/__pycache__/simple_tokenizer.cpython-39.pyc -------------------------------------------------------------------------------- /CLIPScore_eval/clip/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/CLIPScore_eval/clip/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /CLIPScore_eval/clip/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/CLIPScore_eval/clip/clip.py -------------------------------------------------------------------------------- /CLIPScore_eval/clip/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/CLIPScore_eval/clip/model.py -------------------------------------------------------------------------------- /CLIPScore_eval/clip/simple_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/CLIPScore_eval/clip/simple_tokenizer.py -------------------------------------------------------------------------------- /CLIPScore_eval/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/CLIPScore_eval/test.sh -------------------------------------------------------------------------------- /GORS_finetune/A bathroom with green tile and a red shower curtain.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/A bathroom with green tile and a red shower curtain.png -------------------------------------------------------------------------------- /GORS_finetune/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /GORS_finetune/__pycache__/train_dataset.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/__pycache__/train_dataset.cpython-39.pyc -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/color/lora_weight_e357_s124500.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/color/lora_weight_e357_s124500.pt -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/color/lora_weight_e357_s124500.text_encoder.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/color/lora_weight_e357_s124500.text_encoder.pt -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/complex/complex.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/complex/complex.pt -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/complex/complex.text_encoder.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/complex/complex.text_encoder.pt -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/non_spatial/non_spatial.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/non_spatial/non_spatial.pt -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/non_spatial/non_spatial.text_encoder.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/non_spatial/non_spatial.text_encoder.pt -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/shape/lora_weight_e180_s49000.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/shape/lora_weight_e180_s49000.pt -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/shape/lora_weight_e180_s49000.text_encoder.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/shape/lora_weight_e180_s49000.text_encoder.pt -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/spatial/spatial.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/spatial/spatial.pt -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/spatial/spatial.text_encoder.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/spatial/spatial.text_encoder.pt -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/texture/lora_weight_e118_s63000.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/texture/lora_weight_e118_s63000.pt -------------------------------------------------------------------------------- /GORS_finetune/checkpoint/texture/lora_weight_e118_s63000.text_encoder.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/checkpoint/texture/lora_weight_e118_s63000.text_encoder.pt -------------------------------------------------------------------------------- /GORS_finetune/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/inference.py -------------------------------------------------------------------------------- /GORS_finetune/inference_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/inference_eval.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/__init__.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/__pycache__/dataset.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/__pycache__/dataset.cpython-39.pyc -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/__pycache__/lora.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/__pycache__/lora.cpython-39.pyc -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/__pycache__/lora_manager.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/__pycache__/lora_manager.cpython-39.pyc -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/__pycache__/preprocess_files.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/__pycache__/preprocess_files.cpython-39.pyc -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/__pycache__/utils.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/__pycache__/utils.cpython-39.pyc -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/cli_lora_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/cli_lora_add.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/cli_lora_pti.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/cli_lora_pti.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/cli_pt_to_safetensors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/cli_pt_to_safetensors.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/cli_svd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/cli_svd.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/dataset.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/lora.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/lora_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/lora_manager.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/preprocess_files.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/preprocess_files.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/safe_open.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/safe_open.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/to_ckpt_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/to_ckpt_v2.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/utils.py -------------------------------------------------------------------------------- /GORS_finetune/lora_diffusion/xformers_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/lora_diffusion/xformers_utils.py -------------------------------------------------------------------------------- /GORS_finetune/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/test.sh -------------------------------------------------------------------------------- /GORS_finetune/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/train.sh -------------------------------------------------------------------------------- /GORS_finetune/train_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/train_dataset.py -------------------------------------------------------------------------------- /GORS_finetune/train_text_to_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/GORS_finetune/train_text_to_image.py -------------------------------------------------------------------------------- /License.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/License.txt -------------------------------------------------------------------------------- /MLLM_eval/MiniGPT4-CoT_eval/mGPT_cot_attribute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/MiniGPT4-CoT_eval/mGPT_cot_attribute.py -------------------------------------------------------------------------------- /MLLM_eval/MiniGPT4-CoT_eval/mGPT_cot_general.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/MiniGPT4-CoT_eval/mGPT_cot_general.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/Share_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/Share_eval.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/__init__.py: -------------------------------------------------------------------------------- 1 | from .model import LlavaLlamaForCausalLM 2 | -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/constants.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/constants.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/constants.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/constants.cpython-38.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/constants.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/constants.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/conversation.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/conversation.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/conversation.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/conversation.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/mm_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/mm_utils.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/mm_utils.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/__pycache__/mm_utils.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/constants.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/conversation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/conversation.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_gpt_review.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_gpt_review.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_gpt_review_bench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_gpt_review_bench.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_gpt_review_visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_gpt_review_visual.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_pope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_pope.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_science_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_science_qa.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_science_qa_gpt4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_science_qa_gpt4.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_science_qa_gpt4_requery.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_science_qa_gpt4_requery.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_textvqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/eval_textvqa.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/generate_webpage_data_from_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/generate_webpage_data_from_table.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/m4c_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/m4c_evaluator.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_qa.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_vqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_vqa.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_vqa_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_vqa_loader.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_vqa_mmbench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_vqa_mmbench.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_vqa_qbench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_vqa_qbench.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_vqa_science.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/model_vqa_science.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/qa_baseline_gpt35.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/qa_baseline_gpt35.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/run_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/run_llava.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/summarize_gpt_review.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/summarize_gpt_review.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/answer/answer_alpaca-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/answer/answer_alpaca-13b.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/answer/answer_bard.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/answer/answer_bard.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/answer/answer_gpt35.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/answer/answer_gpt35.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/answer/answer_llama-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/answer/answer_llama-13b.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/answer/answer_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/answer/answer_vicuna-13b.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/caps_boxes_coco2014_val_80.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/caps_boxes_coco2014_val_80.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/model.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/model.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/prompt.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/prompt.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/question.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/question.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/results/test_sqa_llava_13b_v0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/results/test_sqa_llava_13b_v0.json -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/results/test_sqa_llava_lcs_558k_sqa_12e_vicuna_v1_3_13b.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/results/test_sqa_llava_lcs_558k_sqa_12e_vicuna_v1_3_13b.json -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/review/review_alpaca-13b_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/review/review_alpaca-13b_vicuna-13b.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/review/review_bard_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/review/review_bard_vicuna-13b.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/review/review_gpt35_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/review/review_gpt35_vicuna-13b.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/review/review_llama-13b_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/review/review_llama-13b_vicuna-13b.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/reviewer.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/reviewer.jsonl -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/rule.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/table/rule.json -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/alpaca.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/alpaca.png -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/bard.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/bard.jpg -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/chatgpt.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/chatgpt.svg -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/llama.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/llama.jpg -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/swords_FILL0_wght300_GRAD0_opsz48.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/swords_FILL0_wght300_GRAD0_opsz48.svg -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/vicuna.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/figures/vicuna.jpeg -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/index.html -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/script.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/script.js -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/styles.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/eval/webpage/styles.css -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/mm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/mm_utils.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__init__.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/builder.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/builder.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/builder.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/builder.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/llava_arch.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/llava_arch.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/llava_arch.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/llava_arch.cpython-38.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/llava_arch.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/__pycache__/llava_arch.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/apply_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/apply_delta.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/builder.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/consolidate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/consolidate.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_llama.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_llama.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_llama.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_llama.cpython-38.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_llama.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_llama.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_mpt.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_mpt.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_mpt.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_mpt.cpython-38.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_mpt.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/__pycache__/llava_mpt.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/llava_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/llava_llama.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/llava_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/llava_mpt.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/adapt_tokenizer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/adapt_tokenizer.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/adapt_tokenizer.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/adapt_tokenizer.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/attention.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/attention.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/attention.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/attention.cpython-38.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/attention.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/attention.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/blocks.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/blocks.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/blocks.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/blocks.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/configuration_mpt.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/configuration_mpt.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/configuration_mpt.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/configuration_mpt.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/custom_embedding.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/custom_embedding.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/custom_embedding.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/custom_embedding.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/flash_attn_triton.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/flash_attn_triton.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/flash_attn_triton.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/flash_attn_triton.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/hf_prefixlm_converter.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/hf_prefixlm_converter.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/hf_prefixlm_converter.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/hf_prefixlm_converter.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/meta_init_context.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/meta_init_context.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/meta_init_context.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/meta_init_context.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/modeling_mpt.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/modeling_mpt.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/modeling_mpt.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/modeling_mpt.cpython-38.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/modeling_mpt.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/modeling_mpt.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/norm.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/norm.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/norm.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/norm.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/param_init_fns.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/param_init_fns.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/param_init_fns.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/__pycache__/param_init_fns.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/adapt_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/adapt_tokenizer.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/attention.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/blocks.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/configuration_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/configuration_mpt.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/custom_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/custom_embedding.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/flash_attn_triton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/flash_attn_triton.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/hf_prefixlm_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/hf_prefixlm_converter.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/meta_init_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/meta_init_context.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/modeling_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/modeling_mpt.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/norm.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/param_init_fns.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/language_model/mpt/param_init_fns.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/llava_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/llava_arch.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/make_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/make_delta.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/builder.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/builder.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/builder.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/builder.cpython-38.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/builder.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/builder.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/clip_encoder.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/clip_encoder.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/clip_encoder.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/clip_encoder.cpython-38.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/clip_encoder.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/__pycache__/clip_encoder.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/builder.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/clip_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_encoder/clip_encoder.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_projector/__pycache__/builder.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_projector/__pycache__/builder.cpython-310.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_projector/__pycache__/builder.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_projector/__pycache__/builder.cpython-38.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_projector/__pycache__/builder.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_projector/__pycache__/builder.cpython-39.pyc -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_projector/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/multimodal_projector/builder.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/model/utils.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/cli.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/controller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/controller.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/examples/extreme_ironing.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/examples/extreme_ironing.jpg -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/examples/waterview.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/examples/waterview.jpg -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/gradio_web_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/gradio_web_server.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/model_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/model_worker.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/register_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/register_worker.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/test_message.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/serve/test_message.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/train/llama_flash_attn_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/train/llama_flash_attn_monkey_patch.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/train/llama_xformers_attn_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/train/llama_xformers_attn_monkey_patch.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/train/llava_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/train/llava_trainer.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/train/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/train/train.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/train/train_mem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/train/train_mem.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/train/train_xformers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/train/train_xformers.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/llava/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/llava/utils.py -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/pyproject.toml -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/share4v.egg-info/PKG-INFO: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/share4v.egg-info/PKG-INFO -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/share4v.egg-info/SOURCES.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/share4v.egg-info/SOURCES.txt -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/share4v.egg-info/dependency_links.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/share4v.egg-info/requires.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/ShareGPT4V-CoT_eval/share4v.egg-info/requires.txt -------------------------------------------------------------------------------- /MLLM_eval/ShareGPT4V-CoT_eval/share4v.egg-info/top_level.txt: -------------------------------------------------------------------------------- 1 | Lin-Chen 2 | llava 3 | -------------------------------------------------------------------------------- /MLLM_eval/gpt4v_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/MLLM_eval/gpt4v_eval.py -------------------------------------------------------------------------------- /NOTICE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/NOTICE.md -------------------------------------------------------------------------------- /Readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/Readme.md -------------------------------------------------------------------------------- /UniDet_eval/2D_spatial_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/2D_spatial_eval.py -------------------------------------------------------------------------------- /UniDet_eval/3D_spatial_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/3D_spatial_eval.py -------------------------------------------------------------------------------- /UniDet_eval/__pycache__/test_determine_position_for_eval.cpython-39-pytest-7.4.0.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/__pycache__/test_determine_position_for_eval.cpython-39-pytest-7.4.0.pyc -------------------------------------------------------------------------------- /UniDet_eval/configs/experts.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/configs/experts.yaml -------------------------------------------------------------------------------- /UniDet_eval/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__init__.py -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/__init__.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/__init__.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/caption_dataset.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/caption_dataset.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/caption_dataset.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/caption_dataset.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/classification_dataset.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/classification_dataset.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/classification_dataset.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/classification_dataset.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/pretrain_dataset.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/pretrain_dataset.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/pretrain_dataset.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/pretrain_dataset.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/randaugment.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/randaugment.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/randaugment.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/randaugment.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/utils.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/utils.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/utils.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/utils.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/vqa_dataset.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/vqa_dataset.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/__pycache__/vqa_dataset.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/__pycache__/vqa_dataset.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/dataset/ade_features.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/ade_features.pt -------------------------------------------------------------------------------- /UniDet_eval/dataset/background_features.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/background_features.pt -------------------------------------------------------------------------------- /UniDet_eval/dataset/caption_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/caption_dataset.py -------------------------------------------------------------------------------- /UniDet_eval/dataset/classification_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/classification_dataset.py -------------------------------------------------------------------------------- /UniDet_eval/dataset/clip_pca.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/clip_pca.pkl -------------------------------------------------------------------------------- /UniDet_eval/dataset/coco_features.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/coco_features.pt -------------------------------------------------------------------------------- /UniDet_eval/dataset/detection_features.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/detection_features.pt -------------------------------------------------------------------------------- /UniDet_eval/dataset/pretrain_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/pretrain_dataset.py -------------------------------------------------------------------------------- /UniDet_eval/dataset/randaugment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/randaugment.py -------------------------------------------------------------------------------- /UniDet_eval/dataset/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/utils.py -------------------------------------------------------------------------------- /UniDet_eval/dataset/vqa_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/dataset/vqa_dataset.py -------------------------------------------------------------------------------- /UniDet_eval/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/README.md -------------------------------------------------------------------------------- /UniDet_eval/datasets/label_spaces/leaned_mAP_tau30_668.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/label_spaces/leaned_mAP_tau30_668.csv -------------------------------------------------------------------------------- /UniDet_eval/datasets/label_spaces/leaned_mAP_tau30_668.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/label_spaces/leaned_mAP_tau30_668.json -------------------------------------------------------------------------------- /UniDet_eval/datasets/label_spaces/learned_mAP+M.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/label_spaces/learned_mAP+M.csv -------------------------------------------------------------------------------- /UniDet_eval/datasets/label_spaces/learned_mAP+M.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/label_spaces/learned_mAP+M.json -------------------------------------------------------------------------------- /UniDet_eval/datasets/label_spaces/learned_mAP+M_labelmap_test.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/label_spaces/learned_mAP+M_labelmap_test.json -------------------------------------------------------------------------------- /UniDet_eval/datasets/label_spaces/learned_mAP.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/label_spaces/learned_mAP.csv -------------------------------------------------------------------------------- /UniDet_eval/datasets/label_spaces/learned_mAP.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/label_spaces/learned_mAP.json -------------------------------------------------------------------------------- /UniDet_eval/datasets/label_spaces/manual.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/label_spaces/manual.csv -------------------------------------------------------------------------------- /UniDet_eval/datasets/label_spaces/manual.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/label_spaces/manual.json -------------------------------------------------------------------------------- /UniDet_eval/datasets/prepare_ade20k_sem_seg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/prepare_ade20k_sem_seg.py -------------------------------------------------------------------------------- /UniDet_eval/datasets/prepare_cocofied_lvis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/prepare_cocofied_lvis.py -------------------------------------------------------------------------------- /UniDet_eval/datasets/prepare_for_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/prepare_for_tests.sh -------------------------------------------------------------------------------- /UniDet_eval/datasets/prepare_panoptic_fpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/datasets/prepare_panoptic_fpn.py -------------------------------------------------------------------------------- /UniDet_eval/experts/__pycache__/model_bank.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/__pycache__/model_bank.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/__pycache__/model_bank_3d.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/__pycache__/model_bank_3d.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/__pycache__/base_model.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/__pycache__/base_model.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/__pycache__/base_model.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/__pycache__/base_model.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/__pycache__/blocks.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/__pycache__/blocks.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/__pycache__/blocks.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/__pycache__/blocks.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/__pycache__/generate_dataset.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/__pycache__/generate_dataset.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/__pycache__/generate_dataset.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/__pycache__/generate_dataset.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/__pycache__/models.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/__pycache__/models.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/__pycache__/models.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/__pycache__/models.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/__pycache__/vit.cpython-38.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/__pycache__/vit.cpython-38.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/__pycache__/vit.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/__pycache__/vit.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/base_model.py -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/blocks.py -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/generate_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/generate_dataset.py -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/models.py -------------------------------------------------------------------------------- /UniDet_eval/experts/depth/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/depth/vit.py -------------------------------------------------------------------------------- /UniDet_eval/experts/generate_experts.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/generate_experts.sh -------------------------------------------------------------------------------- /UniDet_eval/experts/generate_objdet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/generate_objdet.py -------------------------------------------------------------------------------- /UniDet_eval/experts/model_bank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/model_bank.py -------------------------------------------------------------------------------- /UniDet_eval/experts/model_bank_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/model_bank_3d.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/__pycache__/generate_dataset.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/__pycache__/generate_dataset.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/__pycache__/generate_dataset_3d.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/__pycache__/generate_dataset_3d.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/__pycache__/utils.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/__pycache__/utils.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/configs/Base-CRCNN-COCO.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/configs/Base-CRCNN-COCO.yaml -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/configs/Unified_learned_OCIM_R50_6x+2x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/configs/Unified_learned_OCIM_R50_6x+2x.yaml -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/configs/Unified_learned_OCIM_RS200_6x+2x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/configs/Unified_learned_OCIM_RS200_6x+2x.yaml -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/d.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/d.html -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/datasets/label_spaces/learned_mAP+M.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/datasets/label_spaces/learned_mAP+M.json -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/generate_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/generate_dataset.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/generate_dataset_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/generate_dataset_3d.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/__init__.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/__pycache__/config.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/__pycache__/config.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/config.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/custom_dataset_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/custom_dataset_dataloader.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/cityscapes_cocoformat.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/cityscapes_cocoformat.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/crowdhuman.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/crowdhuman.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/inst_categories.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/inst_categories.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/kitti.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/kitti.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/mapillary.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/mapillary.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/objects365.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/objects365.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/oid.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/oid.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/register_oid.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/register_oid.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/scannet.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/scannet.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/viper.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/viper.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/voc_cocoformat.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/voc_cocoformat.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/wilddash.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/__pycache__/wilddash.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/cityscapes_cocoformat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/cityscapes_cocoformat.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/crowdhuman.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/crowdhuman.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/det_categories.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/det_categories.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/inst_categories.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/inst_categories.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/kitti.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/kitti.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/mapillary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/mapillary.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/objects365.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/objects365.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/oid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/oid.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/register_oid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/register_oid.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/scannet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/scannet.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/viper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/viper.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/voc_cocoformat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/voc_cocoformat.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/datasets/wilddash.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/datasets/wilddash.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/data/multi_dataset_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/data/multi_dataset_dataloader.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/evaluation/multi_dataset_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/evaluation/multi_dataset_evaluator.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/evaluation/oideval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/evaluation/oideval.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/backbone/__pycache__/fpn_p5.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/backbone/__pycache__/fpn_p5.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/backbone/__pycache__/resnest.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/backbone/__pycache__/resnest.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/backbone/__pycache__/splat.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/backbone/__pycache__/splat.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/backbone/fpn_p5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/backbone/fpn_p5.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/backbone/resnest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/backbone/resnest.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/backbone/splat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/backbone/splat.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/meta_arch/__pycache__/split_rcnn.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/meta_arch/__pycache__/split_rcnn.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/meta_arch/__pycache__/unified_rcnn.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/meta_arch/__pycache__/unified_rcnn.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/meta_arch/split_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/meta_arch/split_rcnn.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/meta_arch/unified_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/meta_arch/unified_rcnn.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/__pycache__/custom_fast_rcnn.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/__pycache__/custom_fast_rcnn.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/__pycache__/custom_roi_heads.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/__pycache__/custom_roi_heads.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/__pycache__/multi_dataset_fast_rcnn.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/__pycache__/multi_dataset_fast_rcnn.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/__pycache__/split_roi_heads.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/__pycache__/split_roi_heads.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/__pycache__/unified_roi_heads.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/__pycache__/unified_roi_heads.cpython-39.pyc -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/custom_fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/custom_fast_rcnn.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/custom_roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/custom_roi_heads.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/multi_dataset_fast_rcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/multi_dataset_fast_rcnn.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/split_roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/split_roi_heads.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/unified_roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/modeling/roi_heads/unified_roi_heads.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/unidet/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/unidet/predictor.py -------------------------------------------------------------------------------- /UniDet_eval/experts/obj_detection/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/experts/obj_detection/utils.py -------------------------------------------------------------------------------- /UniDet_eval/numeracy_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/UniDet_eval/numeracy_eval.py -------------------------------------------------------------------------------- /diffusers.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/diffusers.zip -------------------------------------------------------------------------------- /examples/dataset/3d_spatial.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/3d_spatial.txt -------------------------------------------------------------------------------- /examples/dataset/3d_spatial_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/3d_spatial_train.txt -------------------------------------------------------------------------------- /examples/dataset/3d_spatial_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/3d_spatial_val.txt -------------------------------------------------------------------------------- /examples/dataset/color.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/color.txt -------------------------------------------------------------------------------- /examples/dataset/color_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/color_train.txt -------------------------------------------------------------------------------- /examples/dataset/color_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/color_val.txt -------------------------------------------------------------------------------- /examples/dataset/color_val_seen.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/color_val_seen.txt -------------------------------------------------------------------------------- /examples/dataset/color_val_unseen.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/color_val_unseen.txt -------------------------------------------------------------------------------- /examples/dataset/complex.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/complex.txt -------------------------------------------------------------------------------- /examples/dataset/complex_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/complex_train.txt -------------------------------------------------------------------------------- /examples/dataset/complex_train_action.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/complex_train_action.txt -------------------------------------------------------------------------------- /examples/dataset/complex_train_spatial.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/complex_train_spatial.txt -------------------------------------------------------------------------------- /examples/dataset/complex_train_spatialaction.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/complex_train_spatialaction.txt -------------------------------------------------------------------------------- /examples/dataset/complex_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/complex_val.txt -------------------------------------------------------------------------------- /examples/dataset/complex_val_action.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/complex_val_action.txt -------------------------------------------------------------------------------- /examples/dataset/complex_val_spatial.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/complex_val_spatial.txt -------------------------------------------------------------------------------- /examples/dataset/complex_val_spatialaction.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/complex_val_spatialaction.txt -------------------------------------------------------------------------------- /examples/dataset/new_objects.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/new_objects.txt -------------------------------------------------------------------------------- /examples/dataset/non_spatial.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/non_spatial.txt -------------------------------------------------------------------------------- /examples/dataset/non_spatial_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/non_spatial_train.txt -------------------------------------------------------------------------------- /examples/dataset/non_spatial_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/non_spatial_val.txt -------------------------------------------------------------------------------- /examples/dataset/numeracy.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/numeracy.txt -------------------------------------------------------------------------------- /examples/dataset/numeracy_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/numeracy_train.txt -------------------------------------------------------------------------------- /examples/dataset/numeracy_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/numeracy_val.txt -------------------------------------------------------------------------------- /examples/dataset/shape.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/shape.txt -------------------------------------------------------------------------------- /examples/dataset/shape_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/shape_train.txt -------------------------------------------------------------------------------- /examples/dataset/shape_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/shape_val.txt -------------------------------------------------------------------------------- /examples/dataset/shape_val_seen.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/shape_val_seen.txt -------------------------------------------------------------------------------- /examples/dataset/shape_val_unseen.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/shape_val_unseen.txt -------------------------------------------------------------------------------- /examples/dataset/spatial.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/spatial.txt -------------------------------------------------------------------------------- /examples/dataset/spatial_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/spatial_train.txt -------------------------------------------------------------------------------- /examples/dataset/spatial_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/spatial_val.txt -------------------------------------------------------------------------------- /examples/dataset/texture.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/texture.txt -------------------------------------------------------------------------------- /examples/dataset/texture_train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/texture_train.txt -------------------------------------------------------------------------------- /examples/dataset/texture_val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/texture_val.txt -------------------------------------------------------------------------------- /examples/dataset/texture_val_seen.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/texture_val_seen.txt -------------------------------------------------------------------------------- /examples/dataset/texture_val_unseen.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/dataset/texture_val_unseen.txt -------------------------------------------------------------------------------- /examples/reward/vqa_result.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/reward/vqa_result.json -------------------------------------------------------------------------------- /examples/samples/a blue bench and a green cake_000002.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/samples/a blue bench and a green cake_000002.png -------------------------------------------------------------------------------- /examples/samples/a brown horse and a blue vase_000001.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/samples/a brown horse and a blue vase_000001.png -------------------------------------------------------------------------------- /examples/samples/a green bench and a blue bowl_000000.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/samples/a green bench and a blue bowl_000000.png -------------------------------------------------------------------------------- /examples/samples/a horse on the right of a car_000003.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/examples/samples/a horse on the right of a car_000003.png -------------------------------------------------------------------------------- /lora_diffusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/__init__.py -------------------------------------------------------------------------------- /lora_diffusion/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /lora_diffusion/__pycache__/dataset.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/__pycache__/dataset.cpython-39.pyc -------------------------------------------------------------------------------- /lora_diffusion/__pycache__/lora.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/__pycache__/lora.cpython-39.pyc -------------------------------------------------------------------------------- /lora_diffusion/__pycache__/lora_manager.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/__pycache__/lora_manager.cpython-39.pyc -------------------------------------------------------------------------------- /lora_diffusion/__pycache__/preprocess_files.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/__pycache__/preprocess_files.cpython-39.pyc -------------------------------------------------------------------------------- /lora_diffusion/__pycache__/utils.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/__pycache__/utils.cpython-39.pyc -------------------------------------------------------------------------------- /lora_diffusion/cli_lora_add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/cli_lora_add.py -------------------------------------------------------------------------------- /lora_diffusion/cli_lora_pti.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/cli_lora_pti.py -------------------------------------------------------------------------------- /lora_diffusion/cli_pt_to_safetensors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/cli_pt_to_safetensors.py -------------------------------------------------------------------------------- /lora_diffusion/cli_svd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/cli_svd.py -------------------------------------------------------------------------------- /lora_diffusion/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/dataset.py -------------------------------------------------------------------------------- /lora_diffusion/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/lora.py -------------------------------------------------------------------------------- /lora_diffusion/lora_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/lora_manager.py -------------------------------------------------------------------------------- /lora_diffusion/preprocess_files.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/preprocess_files.py -------------------------------------------------------------------------------- /lora_diffusion/safe_open.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/safe_open.py -------------------------------------------------------------------------------- /lora_diffusion/to_ckpt_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/to_ckpt_v2.py -------------------------------------------------------------------------------- /lora_diffusion/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/utils.py -------------------------------------------------------------------------------- /lora_diffusion/xformers_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/lora_diffusion/xformers_utils.py -------------------------------------------------------------------------------- /paper/T2I-CompBench++: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /paper/T2I-CompBench++.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/paper/T2I-CompBench++.pdf -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Karine-Huang/T2I-CompBench/HEAD/requirements.txt --------------------------------------------------------------------------------