├── .gitignore ├── README.md ├── ckpt └── .gitkeep ├── data └── .gitkeep ├── docs ├── ch3ef.md ├── chef.md ├── lamm.md └── octavius.md ├── images ├── Ch3Ef_intro.png ├── ChEF-benchmark.png ├── ChEF-logo.png ├── LAMM-Dataset.png ├── LAMM-Framework.png ├── LAMM-benchmark.png ├── LAMM_2d_demo.png ├── LAMM_Imagewall.png ├── Octavius_arch.png ├── ch3ef-logo.png ├── lamm-title.png └── lamm-video.png ├── requirements ├── ChEF.txt ├── default.txt └── optional.txt └── src ├── ChEF ├── __init__.py ├── data_process │ ├── Omnibenchmark.py │ └── mmbench.py ├── evaluator.py ├── inferencer │ ├── Multiturn.py │ ├── Singleturn.py │ ├── __init__.py │ └── utils.py ├── instruction │ ├── __init__.py │ ├── ice_retriever │ │ ├── __init__.py │ │ ├── base_retriever.py │ │ ├── fixed_retriever.py │ │ ├── random_retriever.py │ │ ├── topk_retriever.py │ │ ├── topk_retriever_img.py │ │ └── utils.py │ ├── prompt.py │ └── template.py ├── metric │ ├── Ch3Ef.py │ ├── __init__.py │ ├── caption.py │ ├── classification.py │ ├── counting.py │ ├── desiderata.py │ ├── detection.py │ ├── lamm_locating.py │ ├── mmmu.py │ ├── mmmu_utils.py │ ├── ocr.py │ ├── utils.py │ ├── vqa.py │ └── winoground.py ├── models │ ├── __init__.py │ ├── instruct_blip │ │ ├── __init__.py │ │ ├── common │ │ │ ├── config.py │ │ │ ├── dist_utils.py │ │ │ ├── gradcam.py │ │ │ ├── logger.py │ │ │ ├── optims.py │ │ │ ├── registry.py │ │ │ ├── utils.py │ │ │ └── vqa_tools │ │ │ │ ├── __init__.py │ │ │ │ ├── vqa.py │ │ │ │ └── vqa_eval.py │ │ ├── configs │ │ │ ├── default.yaml │ │ │ └── models │ │ │ │ ├── albef_classification_ve.yaml │ │ │ │ ├── albef_feature_extractor.yaml │ │ │ │ ├── albef_nlvr.yaml │ │ │ │ ├── albef_pretrain_base.yaml │ │ │ │ ├── albef_retrieval_coco.yaml │ │ │ │ ├── albef_retrieval_flickr.yaml │ │ │ │ ├── albef_vqav2.yaml │ │ │ │ ├── alpro_qa_msrvtt.yaml │ │ │ │ ├── alpro_qa_msvd.yaml │ │ │ │ ├── alpro_retrieval_didemo.yaml │ │ │ │ ├── alpro_retrieval_msrvtt.yaml │ │ │ │ ├── bert_config.json │ │ │ │ ├── bert_config_alpro.json │ │ │ │ ├── blip2 │ │ │ │ ├── blip2_caption_flant5xl.yaml │ │ │ │ ├── blip2_caption_opt2.7b.yaml │ │ │ │ ├── blip2_caption_opt6.7b.yaml │ │ │ │ ├── blip2_coco.yaml │ │ │ │ ├── blip2_instruct_flant5xl.yaml │ │ │ │ ├── blip2_instruct_flant5xxl.yaml │ │ │ │ ├── blip2_instruct_vicuna13b.yaml │ │ │ │ ├── blip2_instruct_vicuna7b.yaml │ │ │ │ ├── blip2_pretrain.yaml │ │ │ │ ├── blip2_pretrain_flant5xl.yaml │ │ │ │ ├── blip2_pretrain_flant5xl_vitL.yaml │ │ │ │ ├── blip2_pretrain_flant5xxl.yaml │ │ │ │ ├── blip2_pretrain_llama7b.yaml │ │ │ │ ├── blip2_pretrain_opt2.7b.yaml │ │ │ │ ├── blip2_pretrain_opt6.7b.yaml │ │ │ │ └── blip2_pretrain_vitL.yaml │ │ │ │ ├── blip_caption_base_coco.yaml │ │ │ │ ├── blip_caption_large_coco.yaml │ │ │ │ ├── blip_classification_base.yaml │ │ │ │ ├── blip_feature_extractor_base.yaml │ │ │ │ ├── blip_itm_base.yaml │ │ │ │ ├── blip_itm_large.yaml │ │ │ │ ├── blip_nlvr.yaml │ │ │ │ ├── blip_pretrain_base.yaml │ │ │ │ ├── blip_pretrain_large.yaml │ │ │ │ ├── blip_retrieval_coco.yaml │ │ │ │ ├── blip_retrieval_flickr.yaml │ │ │ │ ├── blip_vqa_aokvqa.yaml │ │ │ │ ├── blip_vqa_okvqa.yaml │ │ │ │ ├── blip_vqav2.yaml │ │ │ │ ├── clip │ │ │ │ ├── RN101-quickgelu.json │ │ │ │ ├── RN101.json │ │ │ │ ├── RN50-quickgelu.json │ │ │ │ ├── RN50.json │ │ │ │ ├── RN50x16.json │ │ │ │ ├── RN50x4.json │ │ │ │ ├── ViT-B-16-plus-240.json │ │ │ │ ├── ViT-B-16-plus.json │ │ │ │ ├── ViT-B-16.json │ │ │ │ ├── ViT-B-32-plus-256.json │ │ │ │ ├── ViT-B-32-quickgelu.json │ │ │ │ ├── ViT-B-32.json │ │ │ │ ├── ViT-H-14.json │ │ │ │ ├── ViT-H-16.json │ │ │ │ ├── ViT-L-14-280.json │ │ │ │ ├── ViT-L-14-336.json │ │ │ │ ├── ViT-L-14.json │ │ │ │ ├── ViT-L-16-320.json │ │ │ │ ├── ViT-L-16.json │ │ │ │ ├── ViT-g-14.json │ │ │ │ ├── timm-efficientnetv2_rw_s.json │ │ │ │ ├── timm-resnet50d.json │ │ │ │ ├── timm-resnetaa50d.json │ │ │ │ ├── timm-resnetblur50.json │ │ │ │ ├── timm-swin_base_patch4_window7_224.json │ │ │ │ ├── timm-vit_base_patch16_224.json │ │ │ │ ├── timm-vit_base_patch32_224.json │ │ │ │ └── timm-vit_small_patch16_224.json │ │ │ │ ├── clip_resnet50.yaml │ │ │ │ ├── clip_vit_base16.yaml │ │ │ │ ├── clip_vit_base32.yaml │ │ │ │ ├── clip_vit_large14.yaml │ │ │ │ ├── clip_vit_large14_336.yaml │ │ │ │ ├── gpt_dialogue_base.yaml │ │ │ │ ├── img2prompt-vqa │ │ │ │ └── img2prompt_vqa_base.yaml │ │ │ │ ├── med_config.json │ │ │ │ ├── med_config_albef.json │ │ │ │ ├── med_large_config.json │ │ │ │ └── pnp-vqa │ │ │ │ ├── pnp_vqa_3b.yaml │ │ │ │ ├── pnp_vqa_base.yaml │ │ │ │ ├── pnp_vqa_large.yaml │ │ │ │ ├── unifiedqav2_3b_config.json │ │ │ │ ├── unifiedqav2_base_config.json │ │ │ │ └── unifiedqav2_large_config.json │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── base_model.py │ │ │ ├── blip2_models │ │ │ │ ├── Qformer.py │ │ │ │ ├── __init__.py │ │ │ │ ├── blip2.py │ │ │ │ ├── blip2_image_text_matching.py │ │ │ │ ├── blip2_opt.py │ │ │ │ ├── blip2_qformer.py │ │ │ │ ├── blip2_t5.py │ │ │ │ ├── blip2_t5_instruct.py │ │ │ │ ├── blip2_vicuna_instruct.py │ │ │ │ ├── modeling_llama.py │ │ │ │ ├── modeling_opt.py │ │ │ │ └── modeling_t5.py │ │ │ ├── blip_models │ │ │ │ ├── __init__.py │ │ │ │ ├── blip.py │ │ │ │ ├── blip_caption.py │ │ │ │ ├── blip_classification.py │ │ │ │ ├── blip_feature_extractor.py │ │ │ │ ├── blip_image_text_matching.py │ │ │ │ ├── blip_nlvr.py │ │ │ │ ├── blip_outputs.py │ │ │ │ ├── blip_pretrain.py │ │ │ │ ├── blip_retrieval.py │ │ │ │ ├── blip_vqa.py │ │ │ │ └── nlvr_encoder.py │ │ │ ├── clip_vit.py │ │ │ ├── eva_vit.py │ │ │ ├── med.py │ │ │ ├── timesformer │ │ │ │ ├── __init__.py │ │ │ │ ├── conv2d_same.py │ │ │ │ ├── features.py │ │ │ │ ├── helpers.py │ │ │ │ ├── linear.py │ │ │ │ ├── vit.py │ │ │ │ └── vit_utils.py │ │ │ └── vit.py │ │ └── processors │ │ │ ├── __init__.py │ │ │ ├── base_processor.py │ │ │ ├── blip_processors.py │ │ │ ├── clip_processors.py │ │ │ ├── functional_video.py │ │ │ ├── gpt_processors.py │ │ │ └── randaugment.py │ ├── internlm │ │ ├── __init__.py │ │ ├── build_mlp.py │ │ ├── configuration_internlm_xcomposer2.py │ │ ├── modeling_internlm2.py │ │ ├── modeling_internlm_xcomposer2.py │ │ ├── rewrite_modeling_internlm_xcomposer2.py │ │ ├── tokenization_internlm_xcomposer2.py │ │ └── zero_to_fp32.py │ ├── kosmos2 │ │ ├── data │ │ │ ├── dict.txt │ │ │ └── sentencepiece.bpe.model │ │ ├── unilm │ │ │ ├── __init__.py │ │ │ ├── data │ │ │ │ └── utils.py │ │ │ ├── models │ │ │ │ ├── __init__.py │ │ │ │ ├── connector.py │ │ │ │ ├── gpt.py │ │ │ │ ├── gpt_eval.py │ │ │ │ ├── unigpt.py │ │ │ │ └── vl │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── clip.py │ │ │ │ │ └── vlm_generator.py │ │ │ └── tasks │ │ │ │ ├── __init__.py │ │ │ │ └── generation_obj.py │ │ └── utils.py │ ├── llama_adapter_v2 │ │ ├── __init__.py │ │ ├── llama.py │ │ ├── llama_adapter.py │ │ ├── tokenizer.py │ │ └── utils.py │ ├── minigpt4 │ │ ├── __init__.py │ │ ├── common │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ ├── dist_utils.py │ │ │ ├── gradcam.py │ │ │ ├── logger.py │ │ │ ├── optims.py │ │ │ ├── registry.py │ │ │ └── utils.py │ │ ├── configs │ │ │ ├── default.yaml │ │ │ └── models │ │ │ │ └── minigpt4.yaml │ │ ├── conversation │ │ │ ├── __init__.py │ │ │ └── conversation.py │ │ ├── minigpt4_eval.yaml │ │ ├── models │ │ │ ├── Qformer.py │ │ │ ├── __init__.py │ │ │ ├── base_model.py │ │ │ ├── blip2.py │ │ │ ├── blip2_outputs.py │ │ │ ├── eva_vit.py │ │ │ ├── mini_gpt4.py │ │ │ └── modeling_llama.py │ │ └── processors │ │ │ ├── __init__.py │ │ │ ├── base_processor.py │ │ │ ├── blip_processors.py │ │ │ └── randaugment.py │ ├── mplug_owl │ │ ├── __init__.py │ │ ├── configuration_mplug_owl.py │ │ ├── modeling_mplug_owl.py │ │ ├── processing_mplug_owl.py │ │ └── tokenization_mplug_owl.py │ ├── otter │ │ ├── __init__.py │ │ ├── config.json │ │ ├── configuration_otter.py │ │ ├── flamingo_pt2otter_hf.py │ │ ├── modeling_otter.py │ │ └── otter_pt2otter_hf.py │ ├── qwen │ │ ├── __init__.py │ │ ├── configuration_qwen.py │ │ ├── modeling_qwen.py │ │ ├── qwen_generation_utils.py │ │ ├── tokenization_qwen.py │ │ └── visual.py │ ├── rlhfv │ │ ├── __init__.py │ │ ├── beit3.py │ │ ├── conversation.py │ │ ├── llava.py │ │ ├── muffin.py │ │ └── utils.py │ ├── shikra │ │ ├── __init__.py │ │ ├── builder │ │ │ ├── __init__.py │ │ │ ├── build_shikra.py │ │ │ └── builder.py │ │ ├── conversation │ │ │ ├── __init__.py │ │ │ └── base_conversation.py │ │ ├── dataset │ │ │ ├── __init__.py │ │ │ ├── builder.py │ │ │ ├── process_function │ │ │ │ ├── __init__.py │ │ │ │ ├── box_process_function.py │ │ │ │ └── shikra_process_function.py │ │ │ ├── root.py │ │ │ ├── single_image_convsation.py │ │ │ ├── single_image_interactive.py │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── compute_metrics.py │ │ │ │ ├── concatenate_dataset.py │ │ │ │ ├── flickr30k_entities_utils.py │ │ │ │ ├── io.py │ │ │ │ ├── mixin.py │ │ │ │ └── transform.py │ │ ├── shikra │ │ │ ├── __init__.py │ │ │ ├── apply_delta.py │ │ │ ├── make_delta.py │ │ │ └── shikra.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── common.py │ │ │ └── llama_flash_attn_monkey_patch.py │ ├── test_base.py │ ├── test_gemini.py │ ├── test_gpt.py │ ├── test_instructblip.py │ ├── test_internlmxcomposer.py │ ├── test_kosmos.py │ ├── test_lamm.py │ ├── test_lamm15.py │ ├── test_llamaadapterv2.py │ ├── test_llava15.py │ ├── test_llavarlhf.py │ ├── test_minigpt4.py │ ├── test_mplugowl.py │ ├── test_octavius.py │ ├── test_otter.py │ ├── test_qwenvl.py │ ├── test_rlhfv.py │ ├── test_shikra.py │ └── utils.py ├── resources │ └── ChEF-logo.png ├── scenario │ ├── Ch3Ef_dataset.py │ ├── LAMM_dataset.py │ ├── MMBench_dataset.py │ ├── MME_dataset.py │ ├── MMMU_dataset.py │ ├── POPE_dataset.py │ ├── SEED_Bench2_dataset.py │ ├── SEED_Bench_dataset.py │ ├── Winoground_dataset.py │ ├── __init__.py │ ├── caption_dataset.py │ ├── classification.py │ ├── counting_dataset.py │ ├── det_dataset.py │ ├── lamm_sysmsg.py │ ├── octavius_pcl_dataset.py │ ├── utils.py │ └── vqa_dataset.py ├── test │ ├── test_model.py │ ├── test_model.sh │ └── test_recipes.py └── tools │ └── eval_results.py ├── cli_demo.py ├── config ├── ChEF │ ├── desiderata_recipes │ │ ├── Calibration │ │ │ ├── MMBench.yaml │ │ │ └── ScienceQA.yaml │ │ ├── Hallucination │ │ │ ├── POPE_adversarial.yaml │ │ │ ├── POPE_popular.yaml │ │ │ └── POPE_random.yaml │ │ ├── ICL │ │ │ ├── MMBench.yaml │ │ │ └── ScienceQA.yaml │ │ ├── Insfollow │ │ │ ├── MMBench.yaml │ │ │ └── ScienceQA.yaml │ │ └── Robust │ │ │ ├── MMBench.yaml │ │ │ └── ScienceQA.yaml │ ├── models │ │ ├── gemini.yaml │ │ ├── gpt.yaml │ │ ├── instructblip_vicuna.yaml │ │ ├── internlm_xcomposer.yaml │ │ ├── kosmos2.yaml │ │ ├── lamm.yaml │ │ ├── lamm15.yaml │ │ ├── lamm_3d.yaml │ │ ├── llamaadapterv2.yaml │ │ ├── llava15.yaml │ │ ├── llavarlhf.yaml │ │ ├── minigpt4.yaml │ │ ├── mplug.yaml │ │ ├── octavius_2d+3d.yaml │ │ ├── octavius_2d.yaml │ │ ├── octavius_3d.yaml │ │ ├── otter.yaml │ │ ├── qwen_vl.yaml │ │ ├── rlhfv.yaml │ │ ├── shikra.yaml │ │ └── test.yaml │ └── scenario_recipes │ │ ├── CIFAR10 │ │ ├── direct.yaml │ │ └── ppl.yaml │ │ ├── Ch3Ef │ │ ├── Harmless.yaml │ │ ├── Harmless_ppl.yaml │ │ ├── Helpful.yaml │ │ ├── Helpful_ppl.yaml │ │ ├── Honest.yaml │ │ └── Honest_ppl.yaml │ │ ├── FSC147 │ │ ├── direct.yaml │ │ └── ppl.yaml │ │ ├── Flickr30k │ │ ├── direct.yaml │ │ ├── random_ppl.yaml │ │ └── topp_ppl.yaml │ │ ├── LAMM │ │ ├── AI2D.yaml │ │ ├── CIFAR10.yaml │ │ ├── CelebA_hair.yaml │ │ ├── CelebA_smile.yaml │ │ ├── FSC147.yaml │ │ ├── Flickr30k.yaml │ │ ├── SVT.yaml │ │ ├── ScanNet.yaml │ │ ├── ScanQA.yaml │ │ ├── ScanRefer.yaml │ │ ├── ScienceQA.yaml │ │ ├── UCMerced.yaml │ │ ├── VOC2012.yaml │ │ ├── locating_LSP.yaml │ │ └── locating_VOC2012.yaml │ │ ├── MMBench │ │ ├── direct.yaml │ │ └── ppl.yaml │ │ ├── MME │ │ ├── direct.yaml │ │ └── ppl.yaml │ │ ├── MMMU │ │ └── default.yaml │ │ ├── Octavius3D │ │ ├── nr3d_caption_direct3d.yaml │ │ ├── scan_caption_direct3d.yaml │ │ ├── scan_cls_direct3d.yaml │ │ ├── scan_vqa_direct3d.yaml │ │ └── shapenet_cls_direct3d.yaml │ │ ├── Omnibenchmark │ │ ├── multiturn_direct.yaml │ │ ├── multiturn_ppl.yaml │ │ ├── singleturn_direct.yaml │ │ └── singleturn_ppl.yaml │ │ ├── SEEDBench-2 │ │ └── ppl.yaml │ │ ├── SEEDBench │ │ └── default.yaml │ │ ├── ScienceQA │ │ ├── direct.yaml │ │ ├── direct_CoT.yaml │ │ ├── ppl.yaml │ │ └── ppl_CoT.yaml │ │ ├── VOC2012 │ │ ├── kosmos2_multiturn_direct.yaml │ │ ├── kosmos2_multiturn_ppl.yaml │ │ ├── kosmos2_singleturn_direct.yaml │ │ ├── multiturn_direct.yaml │ │ ├── multiturn_ppl.yaml │ │ ├── shikra_multiturn_direct.yaml │ │ ├── shikra_multiturn_ppl.yaml │ │ ├── shikra_singleturn_direct.yaml │ │ └── singleturn_direct.yaml │ │ └── Winoground │ │ └── default.yaml ├── LAMM │ ├── train.yaml │ ├── train_ds3.yaml │ └── train_sft.yaml └── Octavius │ ├── octavius_2d+3d_e6_bs64.yaml │ ├── octavius_2d_e4_bs64.yaml │ └── octavius_3d_e3_bs64.yaml ├── datasets ├── __init__.py ├── dataset.py ├── samplers.py ├── system_msg.py └── utils.py ├── dist.py ├── eval.py ├── model ├── LAMM │ ├── CLIP │ │ ├── __init__.py │ │ ├── bpe_simple_vocab_16e6.txt.gz │ │ ├── clip.py │ │ ├── model.py │ │ └── simple_tokenizer.py │ ├── EPCL │ │ ├── __init__.py │ │ ├── epcl.py │ │ ├── helpers.py │ │ ├── model_3detr.py │ │ ├── position_embedding.py │ │ ├── third_party │ │ │ └── pointnet2 │ │ │ │ ├── _ext_src │ │ │ │ ├── include │ │ │ │ │ ├── ball_query.h │ │ │ │ │ ├── cuda_utils.h │ │ │ │ │ ├── group_points.h │ │ │ │ │ ├── interpolate.h │ │ │ │ │ ├── sampling.h │ │ │ │ │ └── utils.h │ │ │ │ └── src │ │ │ │ │ ├── ball_query.cpp │ │ │ │ │ ├── ball_query_gpu.cu │ │ │ │ │ ├── bindings.cpp │ │ │ │ │ ├── group_points.cpp │ │ │ │ │ ├── group_points_gpu.cu │ │ │ │ │ ├── interpolate.cpp │ │ │ │ │ ├── interpolate_gpu.cu │ │ │ │ │ ├── sampling.cpp │ │ │ │ │ └── sampling_gpu.cu │ │ │ │ ├── build │ │ │ │ └── temp.linux-x86_64-cpython-310 │ │ │ │ │ ├── .ninja_deps │ │ │ │ │ ├── .ninja_log │ │ │ │ │ └── build.ninja │ │ │ │ ├── pointnet2_modules.py │ │ │ │ ├── pointnet2_test.py │ │ │ │ ├── pointnet2_utils.py │ │ │ │ ├── pytorch_utils.py │ │ │ │ └── setup.py │ │ ├── transformer.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── ap_calculator.py │ │ │ ├── box_intersection.c │ │ │ ├── box_intersection.pyx │ │ │ ├── box_ops3d.py │ │ │ ├── box_util.py │ │ │ ├── cython_compile.py │ │ │ ├── cython_compile.sh │ │ │ ├── dist.py │ │ │ ├── download_weights.py │ │ │ ├── eval_det.py │ │ │ ├── io.py │ │ │ ├── logger.py │ │ │ ├── misc.py │ │ │ ├── nms.py │ │ │ ├── pc_util.py │ │ │ └── random_cuboid.py │ ├── README.md │ ├── __init__.py │ ├── conversations.py │ ├── flash_attn_patch.py │ ├── modeling_lightllm.py │ ├── modeling_llama.py │ ├── openlamm.py │ ├── utils │ │ ├── __init__.py │ │ ├── data.py │ │ ├── helpers.py │ │ ├── multimodal_preprocessors.py │ │ └── pcl_utils.py │ └── xformers_patch.py ├── Octavius │ ├── __init__.py │ ├── moe │ │ ├── __init__.py │ │ ├── layer.py │ │ └── moe_lora.py │ ├── octavius.py │ └── resampler3d.py ├── __init__.py ├── llava │ ├── __init__.py │ ├── constants.py │ ├── conversation.py │ ├── mm_utils.py │ ├── model │ │ ├── __init__.py │ │ ├── apply_delta.py │ │ ├── builder.py │ │ ├── consolidate.py │ │ ├── language_model │ │ │ ├── llava_llama.py │ │ │ ├── llava_mpt.py │ │ │ └── mpt │ │ │ │ ├── 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 │ │ │ ├── builder.py │ │ │ └── clip_encoder.py │ │ ├── multimodal_projector │ │ │ └── builder.py │ │ └── utils.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 └── training_agent.py ├── slurm_eval.sh ├── slurm_eval_icl.sh ├── tools ├── ChEF │ ├── eval_calibration.py │ ├── eval_hallucination.py │ ├── eval_icl.py │ ├── eval_insfollow.py │ ├── eval_langperf.py │ └── eval_robust.py ├── LAMM │ ├── eval_lamm2d.sh │ ├── eval_lamm3d.sh │ ├── train_lamm2d.sh │ ├── train_lamm2d_sft_stg1_slurm.sh │ ├── train_lamm2d_sft_stg2_slurm.sh │ ├── train_lamm2d_slurm.sh │ ├── train_lamm3d.sh │ └── train_lamm3d_slurm.sh └── Octavius │ ├── ULIP │ ├── .DS_Store │ ├── data │ │ ├── .DS_Store │ │ ├── ScanRefer.yaml │ │ ├── ScanReferValid.yaml │ │ ├── dataset_3d.py │ │ ├── dataset_catalog.json │ │ ├── labels.json │ │ └── templates.json │ ├── main.py │ ├── models │ │ ├── .DS_Store │ │ ├── ULIP_models.py │ │ ├── losses.py │ │ ├── pointbert │ │ │ ├── .DS_Store │ │ │ ├── PointTransformer_8192point.yaml │ │ │ ├── checkpoint.py │ │ │ ├── dvae.py │ │ │ ├── logger.py │ │ │ ├── misc.py │ │ │ └── point_encoder.py │ │ └── pointnet2 │ │ │ ├── .DS_Store │ │ │ ├── pointnet2.py │ │ │ └── pointnet2_utils.py │ ├── scripts │ │ └── pretrain_pointbert.sh │ └── utils │ │ ├── .DS_Store │ │ ├── __init__.py │ │ ├── bpe_simple_vocab_16e6.txt.gz │ │ ├── build.py │ │ ├── config.py │ │ ├── io.py │ │ ├── logger.py │ │ ├── registry.py │ │ ├── tokenizer.py │ │ └── utils.py │ ├── octavius_ChEF.sh │ └── train_octavius_slurm.sh └── train.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/.gitignore -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/README.md -------------------------------------------------------------------------------- /ckpt/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /docs/ch3ef.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/docs/ch3ef.md -------------------------------------------------------------------------------- /docs/chef.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/docs/chef.md -------------------------------------------------------------------------------- /docs/lamm.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/docs/lamm.md -------------------------------------------------------------------------------- /docs/octavius.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/docs/octavius.md -------------------------------------------------------------------------------- /images/Ch3Ef_intro.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/Ch3Ef_intro.png -------------------------------------------------------------------------------- /images/ChEF-benchmark.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/ChEF-benchmark.png -------------------------------------------------------------------------------- /images/ChEF-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/ChEF-logo.png -------------------------------------------------------------------------------- /images/LAMM-Dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/LAMM-Dataset.png -------------------------------------------------------------------------------- /images/LAMM-Framework.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/LAMM-Framework.png -------------------------------------------------------------------------------- /images/LAMM-benchmark.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/LAMM-benchmark.png -------------------------------------------------------------------------------- /images/LAMM_2d_demo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/LAMM_2d_demo.png -------------------------------------------------------------------------------- /images/LAMM_Imagewall.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/LAMM_Imagewall.png -------------------------------------------------------------------------------- /images/Octavius_arch.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/Octavius_arch.png -------------------------------------------------------------------------------- /images/ch3ef-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/ch3ef-logo.png -------------------------------------------------------------------------------- /images/lamm-title.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/lamm-title.png -------------------------------------------------------------------------------- /images/lamm-video.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/images/lamm-video.png -------------------------------------------------------------------------------- /requirements/ChEF.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/requirements/ChEF.txt -------------------------------------------------------------------------------- /requirements/default.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/requirements/default.txt -------------------------------------------------------------------------------- /requirements/optional.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/ChEF/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/ChEF/data_process/Omnibenchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/data_process/Omnibenchmark.py -------------------------------------------------------------------------------- /src/ChEF/data_process/mmbench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/data_process/mmbench.py -------------------------------------------------------------------------------- /src/ChEF/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/evaluator.py -------------------------------------------------------------------------------- /src/ChEF/inferencer/Multiturn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/inferencer/Multiturn.py -------------------------------------------------------------------------------- /src/ChEF/inferencer/Singleturn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/inferencer/Singleturn.py -------------------------------------------------------------------------------- /src/ChEF/inferencer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/inferencer/__init__.py -------------------------------------------------------------------------------- /src/ChEF/inferencer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/inferencer/utils.py -------------------------------------------------------------------------------- /src/ChEF/instruction/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/instruction/__init__.py -------------------------------------------------------------------------------- /src/ChEF/instruction/ice_retriever/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/instruction/ice_retriever/__init__.py -------------------------------------------------------------------------------- /src/ChEF/instruction/ice_retriever/base_retriever.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/instruction/ice_retriever/base_retriever.py -------------------------------------------------------------------------------- /src/ChEF/instruction/ice_retriever/fixed_retriever.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/instruction/ice_retriever/fixed_retriever.py -------------------------------------------------------------------------------- /src/ChEF/instruction/ice_retriever/random_retriever.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/instruction/ice_retriever/random_retriever.py -------------------------------------------------------------------------------- /src/ChEF/instruction/ice_retriever/topk_retriever.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/instruction/ice_retriever/topk_retriever.py -------------------------------------------------------------------------------- /src/ChEF/instruction/ice_retriever/topk_retriever_img.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/instruction/ice_retriever/topk_retriever_img.py -------------------------------------------------------------------------------- /src/ChEF/instruction/ice_retriever/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/instruction/ice_retriever/utils.py -------------------------------------------------------------------------------- /src/ChEF/instruction/prompt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/instruction/prompt.py -------------------------------------------------------------------------------- /src/ChEF/instruction/template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/instruction/template.py -------------------------------------------------------------------------------- /src/ChEF/metric/Ch3Ef.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/Ch3Ef.py -------------------------------------------------------------------------------- /src/ChEF/metric/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/__init__.py -------------------------------------------------------------------------------- /src/ChEF/metric/caption.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/caption.py -------------------------------------------------------------------------------- /src/ChEF/metric/classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/classification.py -------------------------------------------------------------------------------- /src/ChEF/metric/counting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/counting.py -------------------------------------------------------------------------------- /src/ChEF/metric/desiderata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/desiderata.py -------------------------------------------------------------------------------- /src/ChEF/metric/detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/detection.py -------------------------------------------------------------------------------- /src/ChEF/metric/lamm_locating.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/lamm_locating.py -------------------------------------------------------------------------------- /src/ChEF/metric/mmmu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/mmmu.py -------------------------------------------------------------------------------- /src/ChEF/metric/mmmu_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/mmmu_utils.py -------------------------------------------------------------------------------- /src/ChEF/metric/ocr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/ocr.py -------------------------------------------------------------------------------- /src/ChEF/metric/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/utils.py -------------------------------------------------------------------------------- /src/ChEF/metric/vqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/vqa.py -------------------------------------------------------------------------------- /src/ChEF/metric/winoground.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/metric/winoground.py -------------------------------------------------------------------------------- /src/ChEF/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/common/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/common/config.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/common/dist_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/common/dist_utils.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/common/gradcam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/common/gradcam.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/common/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/common/logger.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/common/optims.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/common/optims.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/common/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/common/registry.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/common/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/common/utils.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/common/vqa_tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/common/vqa_tools/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/common/vqa_tools/vqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/common/vqa_tools/vqa.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/common/vqa_tools/vqa_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/common/vqa_tools/vqa_eval.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/default.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/default.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/albef_classification_ve.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/albef_classification_ve.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/albef_feature_extractor.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/albef_feature_extractor.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/albef_nlvr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/albef_nlvr.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/albef_pretrain_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/albef_pretrain_base.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/albef_retrieval_coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/albef_retrieval_coco.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/albef_retrieval_flickr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/albef_retrieval_flickr.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/albef_vqav2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/albef_vqav2.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/alpro_qa_msrvtt.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/alpro_qa_msrvtt.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/alpro_qa_msvd.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/alpro_qa_msvd.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/alpro_retrieval_didemo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/alpro_retrieval_didemo.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/alpro_retrieval_msrvtt.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/alpro_retrieval_msrvtt.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/bert_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/bert_config.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/bert_config_alpro.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/bert_config_alpro.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_caption_flant5xl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_caption_flant5xl.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_caption_opt2.7b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_caption_opt2.7b.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_caption_opt6.7b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_caption_opt6.7b.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_coco.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_instruct_flant5xl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_instruct_flant5xl.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_instruct_flant5xxl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_instruct_flant5xxl.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_instruct_vicuna13b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_instruct_vicuna13b.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_instruct_vicuna7b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_instruct_vicuna7b.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_flant5xl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_flant5xl.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_flant5xl_vitL.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_flant5xl_vitL.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_flant5xxl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_flant5xxl.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_llama7b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_llama7b.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_opt2.7b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_opt2.7b.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_opt6.7b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_opt6.7b.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_vitL.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip2/blip2_pretrain_vitL.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_caption_base_coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_caption_base_coco.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_caption_large_coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_caption_large_coco.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_classification_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_classification_base.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_feature_extractor_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_feature_extractor_base.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_itm_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_itm_base.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_itm_large.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_itm_large.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_nlvr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_nlvr.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_pretrain_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_pretrain_base.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_pretrain_large.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_pretrain_large.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_retrieval_coco.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_retrieval_coco.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_retrieval_flickr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_retrieval_flickr.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_vqa_aokvqa.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_vqa_aokvqa.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_vqa_okvqa.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_vqa_okvqa.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/blip_vqav2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/blip_vqav2.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/RN101-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/RN101-quickgelu.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/RN101.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/RN101.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/RN50-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/RN50-quickgelu.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/RN50.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/RN50.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/RN50x16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/RN50x16.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/RN50x4.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/RN50x4.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-16-plus-240.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-16-plus-240.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-16-plus.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-16-plus.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-16.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-32-plus-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-32-plus-256.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-32-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-32-quickgelu.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-B-32.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-H-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-H-14.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-H-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-H-16.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-L-14-280.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-L-14-280.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-L-14-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-L-14-336.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-L-14.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-L-16-320.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-L-16-320.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-L-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-L-16.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/ViT-g-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/ViT-g-14.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/timm-efficientnetv2_rw_s.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/timm-efficientnetv2_rw_s.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/timm-resnet50d.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/timm-resnet50d.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/timm-resnetaa50d.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/timm-resnetaa50d.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/timm-resnetblur50.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/timm-resnetblur50.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/timm-swin_base_patch4_window7_224.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/timm-swin_base_patch4_window7_224.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/timm-vit_base_patch16_224.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/timm-vit_base_patch16_224.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/timm-vit_base_patch32_224.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/timm-vit_base_patch32_224.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip/timm-vit_small_patch16_224.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip/timm-vit_small_patch16_224.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip_resnet50.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip_resnet50.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip_vit_base16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip_vit_base16.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip_vit_base32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip_vit_base32.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip_vit_large14.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip_vit_large14.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/clip_vit_large14_336.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/clip_vit_large14_336.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/gpt_dialogue_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/gpt_dialogue_base.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/img2prompt-vqa/img2prompt_vqa_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/img2prompt-vqa/img2prompt_vqa_base.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/med_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/med_config.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/med_config_albef.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/med_config_albef.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/med_large_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/med_large_config.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/pnp-vqa/pnp_vqa_3b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/pnp-vqa/pnp_vqa_3b.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/pnp-vqa/pnp_vqa_base.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/pnp-vqa/pnp_vqa_base.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/pnp-vqa/pnp_vqa_large.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/pnp-vqa/pnp_vqa_large.yaml -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/pnp-vqa/unifiedqav2_3b_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/pnp-vqa/unifiedqav2_3b_config.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/pnp-vqa/unifiedqav2_base_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/pnp-vqa/unifiedqav2_base_config.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/configs/models/pnp-vqa/unifiedqav2_large_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/configs/models/pnp-vqa/unifiedqav2_large_config.json -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/base_model.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/Qformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip2_models/Qformer.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/blip2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip2_models/blip2.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/blip2_image_text_matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip2_models/blip2_image_text_matching.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/blip2_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip2_models/blip2_opt.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/blip2_qformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip2_models/blip2_qformer.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/blip2_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip2_models/blip2_t5.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/blip2_t5_instruct.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip2_models/blip2_t5_instruct.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/blip2_vicuna_instruct.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip2_models/blip2_vicuna_instruct.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/modeling_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip2_models/modeling_llama.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/modeling_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip2_models/modeling_opt.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip2_models/modeling_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip2_models/modeling_t5.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/blip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/blip.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/blip_caption.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/blip_caption.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/blip_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/blip_classification.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/blip_feature_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/blip_feature_extractor.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/blip_image_text_matching.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/blip_image_text_matching.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/blip_nlvr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/blip_nlvr.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/blip_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/blip_outputs.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/blip_pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/blip_pretrain.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/blip_retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/blip_retrieval.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/blip_vqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/blip_vqa.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/blip_models/nlvr_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/blip_models/nlvr_encoder.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/clip_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/clip_vit.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/eva_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/eva_vit.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/med.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/med.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/timesformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/timesformer/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/timesformer/conv2d_same.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/timesformer/conv2d_same.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/timesformer/features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/timesformer/features.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/timesformer/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/timesformer/helpers.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/timesformer/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/timesformer/linear.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/timesformer/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/timesformer/vit.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/timesformer/vit_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/timesformer/vit_utils.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/models/vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/models/vit.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/processors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/processors/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/processors/base_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/processors/base_processor.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/processors/blip_processors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/processors/blip_processors.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/processors/clip_processors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/processors/clip_processors.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/processors/functional_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/processors/functional_video.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/processors/gpt_processors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/processors/gpt_processors.py -------------------------------------------------------------------------------- /src/ChEF/models/instruct_blip/processors/randaugment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/instruct_blip/processors/randaugment.py -------------------------------------------------------------------------------- /src/ChEF/models/internlm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/internlm/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/internlm/build_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/internlm/build_mlp.py -------------------------------------------------------------------------------- /src/ChEF/models/internlm/configuration_internlm_xcomposer2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/internlm/configuration_internlm_xcomposer2.py -------------------------------------------------------------------------------- /src/ChEF/models/internlm/modeling_internlm2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/internlm/modeling_internlm2.py -------------------------------------------------------------------------------- /src/ChEF/models/internlm/modeling_internlm_xcomposer2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/internlm/modeling_internlm_xcomposer2.py -------------------------------------------------------------------------------- /src/ChEF/models/internlm/rewrite_modeling_internlm_xcomposer2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/internlm/rewrite_modeling_internlm_xcomposer2.py -------------------------------------------------------------------------------- /src/ChEF/models/internlm/tokenization_internlm_xcomposer2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/internlm/tokenization_internlm_xcomposer2.py -------------------------------------------------------------------------------- /src/ChEF/models/internlm/zero_to_fp32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/internlm/zero_to_fp32.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/data/dict.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/data/dict.txt -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/data/sentencepiece.bpe.model: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/data/sentencepiece.bpe.model -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/unilm/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/data/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/unilm/data/utils.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/unilm/models/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/models/connector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/unilm/models/connector.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/models/gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/unilm/models/gpt.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/models/gpt_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/unilm/models/gpt_eval.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/models/unigpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/unilm/models/unigpt.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/models/vl/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/models/vl/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/unilm/models/vl/clip.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/models/vl/vlm_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/unilm/models/vl/vlm_generator.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/tasks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/unilm/tasks/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/unilm/tasks/generation_obj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/unilm/tasks/generation_obj.py -------------------------------------------------------------------------------- /src/ChEF/models/kosmos2/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/kosmos2/utils.py -------------------------------------------------------------------------------- /src/ChEF/models/llama_adapter_v2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/llama_adapter_v2/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/llama_adapter_v2/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/llama_adapter_v2/llama.py -------------------------------------------------------------------------------- /src/ChEF/models/llama_adapter_v2/llama_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/llama_adapter_v2/llama_adapter.py -------------------------------------------------------------------------------- /src/ChEF/models/llama_adapter_v2/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/llama_adapter_v2/tokenizer.py -------------------------------------------------------------------------------- /src/ChEF/models/llama_adapter_v2/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/llama_adapter_v2/utils.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/common/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/common/config.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/common/dist_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/common/dist_utils.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/common/gradcam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/common/gradcam.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/common/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/common/logger.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/common/optims.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/common/optims.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/common/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/common/registry.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/common/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/common/utils.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/configs/default.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/configs/default.yaml -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/configs/models/minigpt4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/configs/models/minigpt4.yaml -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/conversation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/conversation/conversation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/conversation/conversation.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/minigpt4_eval.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/minigpt4_eval.yaml -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/models/Qformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/models/Qformer.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/models/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/models/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/models/base_model.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/models/blip2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/models/blip2.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/models/blip2_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/models/blip2_outputs.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/models/eva_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/models/eva_vit.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/models/mini_gpt4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/models/mini_gpt4.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/models/modeling_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/models/modeling_llama.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/processors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/processors/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/processors/base_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/processors/base_processor.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/processors/blip_processors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/processors/blip_processors.py -------------------------------------------------------------------------------- /src/ChEF/models/minigpt4/processors/randaugment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/minigpt4/processors/randaugment.py -------------------------------------------------------------------------------- /src/ChEF/models/mplug_owl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/mplug_owl/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/mplug_owl/configuration_mplug_owl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/mplug_owl/configuration_mplug_owl.py -------------------------------------------------------------------------------- /src/ChEF/models/mplug_owl/modeling_mplug_owl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/mplug_owl/modeling_mplug_owl.py -------------------------------------------------------------------------------- /src/ChEF/models/mplug_owl/processing_mplug_owl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/mplug_owl/processing_mplug_owl.py -------------------------------------------------------------------------------- /src/ChEF/models/mplug_owl/tokenization_mplug_owl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/mplug_owl/tokenization_mplug_owl.py -------------------------------------------------------------------------------- /src/ChEF/models/otter/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/ChEF/models/otter/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/otter/config.json -------------------------------------------------------------------------------- /src/ChEF/models/otter/configuration_otter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/otter/configuration_otter.py -------------------------------------------------------------------------------- /src/ChEF/models/otter/flamingo_pt2otter_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/otter/flamingo_pt2otter_hf.py -------------------------------------------------------------------------------- /src/ChEF/models/otter/modeling_otter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/otter/modeling_otter.py -------------------------------------------------------------------------------- /src/ChEF/models/otter/otter_pt2otter_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/otter/otter_pt2otter_hf.py -------------------------------------------------------------------------------- /src/ChEF/models/qwen/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/qwen/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/qwen/configuration_qwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/qwen/configuration_qwen.py -------------------------------------------------------------------------------- /src/ChEF/models/qwen/modeling_qwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/qwen/modeling_qwen.py -------------------------------------------------------------------------------- /src/ChEF/models/qwen/qwen_generation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/qwen/qwen_generation_utils.py -------------------------------------------------------------------------------- /src/ChEF/models/qwen/tokenization_qwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/qwen/tokenization_qwen.py -------------------------------------------------------------------------------- /src/ChEF/models/qwen/visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/qwen/visual.py -------------------------------------------------------------------------------- /src/ChEF/models/rlhfv/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/rlhfv/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/rlhfv/beit3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/rlhfv/beit3.py -------------------------------------------------------------------------------- /src/ChEF/models/rlhfv/conversation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/rlhfv/conversation.py -------------------------------------------------------------------------------- /src/ChEF/models/rlhfv/llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/rlhfv/llava.py -------------------------------------------------------------------------------- /src/ChEF/models/rlhfv/muffin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/rlhfv/muffin.py -------------------------------------------------------------------------------- /src/ChEF/models/rlhfv/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/rlhfv/utils.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/builder/__init__.py: -------------------------------------------------------------------------------- 1 | from .builder import load_pretrained 2 | -------------------------------------------------------------------------------- /src/ChEF/models/shikra/builder/build_shikra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/builder/build_shikra.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/builder/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/builder/builder.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/conversation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/conversation/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/conversation/base_conversation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/conversation/base_conversation.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/builder.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/process_function/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/process_function/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/process_function/box_process_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/process_function/box_process_function.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/process_function/shikra_process_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/process_function/shikra_process_function.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/root.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/root.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/single_image_convsation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/single_image_convsation.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/single_image_interactive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/single_image_interactive.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/utils/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/utils/compute_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/utils/compute_metrics.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/utils/concatenate_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/utils/concatenate_dataset.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/utils/flickr30k_entities_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/utils/flickr30k_entities_utils.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/utils/io.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/utils/mixin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/utils/mixin.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/dataset/utils/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/dataset/utils/transform.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/shikra/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/shikra/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/shikra/apply_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/shikra/apply_delta.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/shikra/make_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/shikra/make_delta.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/shikra/shikra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/shikra/shikra.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/utils/__init__.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/utils/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/utils/common.py -------------------------------------------------------------------------------- /src/ChEF/models/shikra/utils/llama_flash_attn_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/shikra/utils/llama_flash_attn_monkey_patch.py -------------------------------------------------------------------------------- /src/ChEF/models/test_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_base.py -------------------------------------------------------------------------------- /src/ChEF/models/test_gemini.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_gemini.py -------------------------------------------------------------------------------- /src/ChEF/models/test_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_gpt.py -------------------------------------------------------------------------------- /src/ChEF/models/test_instructblip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_instructblip.py -------------------------------------------------------------------------------- /src/ChEF/models/test_internlmxcomposer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_internlmxcomposer.py -------------------------------------------------------------------------------- /src/ChEF/models/test_kosmos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_kosmos.py -------------------------------------------------------------------------------- /src/ChEF/models/test_lamm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_lamm.py -------------------------------------------------------------------------------- /src/ChEF/models/test_lamm15.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_lamm15.py -------------------------------------------------------------------------------- /src/ChEF/models/test_llamaadapterv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_llamaadapterv2.py -------------------------------------------------------------------------------- /src/ChEF/models/test_llava15.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_llava15.py -------------------------------------------------------------------------------- /src/ChEF/models/test_llavarlhf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_llavarlhf.py -------------------------------------------------------------------------------- /src/ChEF/models/test_minigpt4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_minigpt4.py -------------------------------------------------------------------------------- /src/ChEF/models/test_mplugowl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_mplugowl.py -------------------------------------------------------------------------------- /src/ChEF/models/test_octavius.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_octavius.py -------------------------------------------------------------------------------- /src/ChEF/models/test_otter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_otter.py -------------------------------------------------------------------------------- /src/ChEF/models/test_qwenvl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_qwenvl.py -------------------------------------------------------------------------------- /src/ChEF/models/test_rlhfv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_rlhfv.py -------------------------------------------------------------------------------- /src/ChEF/models/test_shikra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/test_shikra.py -------------------------------------------------------------------------------- /src/ChEF/models/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/models/utils.py -------------------------------------------------------------------------------- /src/ChEF/resources/ChEF-logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/resources/ChEF-logo.png -------------------------------------------------------------------------------- /src/ChEF/scenario/Ch3Ef_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/Ch3Ef_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/LAMM_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/LAMM_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/MMBench_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/MMBench_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/MME_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/MME_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/MMMU_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/MMMU_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/POPE_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/POPE_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/SEED_Bench2_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/SEED_Bench2_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/SEED_Bench_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/SEED_Bench_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/Winoground_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/Winoground_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/__init__.py -------------------------------------------------------------------------------- /src/ChEF/scenario/caption_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/caption_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/classification.py -------------------------------------------------------------------------------- /src/ChEF/scenario/counting_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/counting_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/det_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/det_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/lamm_sysmsg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/lamm_sysmsg.py -------------------------------------------------------------------------------- /src/ChEF/scenario/octavius_pcl_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/octavius_pcl_dataset.py -------------------------------------------------------------------------------- /src/ChEF/scenario/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/utils.py -------------------------------------------------------------------------------- /src/ChEF/scenario/vqa_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/scenario/vqa_dataset.py -------------------------------------------------------------------------------- /src/ChEF/test/test_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/test/test_model.py -------------------------------------------------------------------------------- /src/ChEF/test/test_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/test/test_model.sh -------------------------------------------------------------------------------- /src/ChEF/test/test_recipes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/test/test_recipes.py -------------------------------------------------------------------------------- /src/ChEF/tools/eval_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/ChEF/tools/eval_results.py -------------------------------------------------------------------------------- /src/cli_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/cli_demo.py -------------------------------------------------------------------------------- /src/config/ChEF/desiderata_recipes/Calibration/MMBench.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/desiderata_recipes/Calibration/MMBench.yaml -------------------------------------------------------------------------------- /src/config/ChEF/desiderata_recipes/Calibration/ScienceQA.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/desiderata_recipes/Calibration/ScienceQA.yaml -------------------------------------------------------------------------------- /src/config/ChEF/desiderata_recipes/Hallucination/POPE_adversarial.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/desiderata_recipes/Hallucination/POPE_adversarial.yaml -------------------------------------------------------------------------------- /src/config/ChEF/desiderata_recipes/Hallucination/POPE_popular.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/desiderata_recipes/Hallucination/POPE_popular.yaml -------------------------------------------------------------------------------- /src/config/ChEF/desiderata_recipes/Hallucination/POPE_random.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/desiderata_recipes/Hallucination/POPE_random.yaml -------------------------------------------------------------------------------- /src/config/ChEF/desiderata_recipes/ICL/MMBench.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/desiderata_recipes/ICL/MMBench.yaml -------------------------------------------------------------------------------- /src/config/ChEF/desiderata_recipes/ICL/ScienceQA.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/desiderata_recipes/ICL/ScienceQA.yaml -------------------------------------------------------------------------------- /src/config/ChEF/desiderata_recipes/Insfollow/MMBench.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/desiderata_recipes/Insfollow/MMBench.yaml -------------------------------------------------------------------------------- /src/config/ChEF/desiderata_recipes/Insfollow/ScienceQA.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/desiderata_recipes/Insfollow/ScienceQA.yaml -------------------------------------------------------------------------------- /src/config/ChEF/desiderata_recipes/Robust/MMBench.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/desiderata_recipes/Robust/MMBench.yaml -------------------------------------------------------------------------------- /src/config/ChEF/desiderata_recipes/Robust/ScienceQA.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/desiderata_recipes/Robust/ScienceQA.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/gemini.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/gemini.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/gpt.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/gpt.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/instructblip_vicuna.yaml: -------------------------------------------------------------------------------- 1 | model_name: InstructBLIP -------------------------------------------------------------------------------- /src/config/ChEF/models/internlm_xcomposer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/internlm_xcomposer.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/kosmos2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/kosmos2.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/lamm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/lamm.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/lamm15.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/lamm15.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/lamm_3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/lamm_3d.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/llamaadapterv2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/llamaadapterv2.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/llava15.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/llava15.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/llavarlhf.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/llavarlhf.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/minigpt4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/minigpt4.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/mplug.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/mplug.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/octavius_2d+3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/octavius_2d+3d.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/octavius_2d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/octavius_2d.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/octavius_3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/octavius_3d.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/otter.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/otter.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/qwen_vl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/qwen_vl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/rlhfv.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/rlhfv.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/shikra.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/models/shikra.yaml -------------------------------------------------------------------------------- /src/config/ChEF/models/test.yaml: -------------------------------------------------------------------------------- 1 | model_name: Test -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/CIFAR10/direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/CIFAR10/direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/CIFAR10/ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/CIFAR10/ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Ch3Ef/Harmless.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Ch3Ef/Harmless.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Ch3Ef/Harmless_ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Ch3Ef/Harmless_ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Ch3Ef/Helpful.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Ch3Ef/Helpful.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Ch3Ef/Helpful_ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Ch3Ef/Helpful_ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Ch3Ef/Honest.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Ch3Ef/Honest.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Ch3Ef/Honest_ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Ch3Ef/Honest_ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/FSC147/direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/FSC147/direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/FSC147/ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/FSC147/ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Flickr30k/direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Flickr30k/direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Flickr30k/random_ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Flickr30k/random_ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Flickr30k/topp_ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Flickr30k/topp_ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/AI2D.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/AI2D.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/CIFAR10.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/CIFAR10.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/CelebA_hair.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/CelebA_hair.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/CelebA_smile.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/CelebA_smile.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/FSC147.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/FSC147.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/Flickr30k.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/Flickr30k.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/SVT.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/SVT.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/ScanNet.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/ScanNet.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/ScanQA.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/ScanQA.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/ScanRefer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/ScanRefer.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/ScienceQA.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/ScienceQA.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/UCMerced.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/UCMerced.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/VOC2012.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/VOC2012.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/locating_LSP.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/locating_LSP.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/LAMM/locating_VOC2012.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/LAMM/locating_VOC2012.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/MMBench/direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/MMBench/direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/MMBench/ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/MMBench/ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/MME/direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/MME/direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/MME/ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/MME/ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/MMMU/default.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/MMMU/default.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Octavius3D/nr3d_caption_direct3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Octavius3D/nr3d_caption_direct3d.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Octavius3D/scan_caption_direct3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Octavius3D/scan_caption_direct3d.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Octavius3D/scan_cls_direct3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Octavius3D/scan_cls_direct3d.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Octavius3D/scan_vqa_direct3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Octavius3D/scan_vqa_direct3d.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Octavius3D/shapenet_cls_direct3d.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Octavius3D/shapenet_cls_direct3d.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Omnibenchmark/multiturn_direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Omnibenchmark/multiturn_direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Omnibenchmark/multiturn_ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Omnibenchmark/multiturn_ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Omnibenchmark/singleturn_direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Omnibenchmark/singleturn_direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Omnibenchmark/singleturn_ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Omnibenchmark/singleturn_ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/SEEDBench-2/ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/SEEDBench-2/ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/SEEDBench/default.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/SEEDBench/default.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/ScienceQA/direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/ScienceQA/direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/ScienceQA/direct_CoT.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/ScienceQA/direct_CoT.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/ScienceQA/ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/ScienceQA/ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/ScienceQA/ppl_CoT.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/ScienceQA/ppl_CoT.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/VOC2012/kosmos2_multiturn_direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/VOC2012/kosmos2_multiturn_direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/VOC2012/kosmos2_multiturn_ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/VOC2012/kosmos2_multiturn_ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/VOC2012/kosmos2_singleturn_direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/VOC2012/kosmos2_singleturn_direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/VOC2012/multiturn_direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/VOC2012/multiturn_direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/VOC2012/multiturn_ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/VOC2012/multiturn_ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/VOC2012/shikra_multiturn_direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/VOC2012/shikra_multiturn_direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/VOC2012/shikra_multiturn_ppl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/VOC2012/shikra_multiturn_ppl.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/VOC2012/shikra_singleturn_direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/VOC2012/shikra_singleturn_direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/VOC2012/singleturn_direct.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/VOC2012/singleturn_direct.yaml -------------------------------------------------------------------------------- /src/config/ChEF/scenario_recipes/Winoground/default.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/ChEF/scenario_recipes/Winoground/default.yaml -------------------------------------------------------------------------------- /src/config/LAMM/train.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/LAMM/train.yaml -------------------------------------------------------------------------------- /src/config/LAMM/train_ds3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/LAMM/train_ds3.yaml -------------------------------------------------------------------------------- /src/config/LAMM/train_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/LAMM/train_sft.yaml -------------------------------------------------------------------------------- /src/config/Octavius/octavius_2d+3d_e6_bs64.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/Octavius/octavius_2d+3d_e6_bs64.yaml -------------------------------------------------------------------------------- /src/config/Octavius/octavius_2d_e4_bs64.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/Octavius/octavius_2d_e4_bs64.yaml -------------------------------------------------------------------------------- /src/config/Octavius/octavius_3d_e3_bs64.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/config/Octavius/octavius_3d_e3_bs64.yaml -------------------------------------------------------------------------------- /src/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/datasets/__init__.py -------------------------------------------------------------------------------- /src/datasets/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/datasets/dataset.py -------------------------------------------------------------------------------- /src/datasets/samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/datasets/samplers.py -------------------------------------------------------------------------------- /src/datasets/system_msg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/datasets/system_msg.py -------------------------------------------------------------------------------- /src/datasets/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/datasets/utils.py -------------------------------------------------------------------------------- /src/dist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/dist.py -------------------------------------------------------------------------------- /src/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/eval.py -------------------------------------------------------------------------------- /src/model/LAMM/CLIP/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/CLIP/__init__.py -------------------------------------------------------------------------------- /src/model/LAMM/CLIP/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/CLIP/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /src/model/LAMM/CLIP/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/CLIP/clip.py -------------------------------------------------------------------------------- /src/model/LAMM/CLIP/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/CLIP/model.py -------------------------------------------------------------------------------- /src/model/LAMM/CLIP/simple_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/CLIP/simple_tokenizer.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/__init__.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/epcl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/epcl.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/helpers.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/model_3detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/model_3detr.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/position_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/position_embedding.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/ball_query.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/ball_query.h -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/cuda_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/cuda_utils.h -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/group_points.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/group_points.h -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/interpolate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/interpolate.h -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/sampling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/sampling.h -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/include/utils.h -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/ball_query.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/ball_query.cpp -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/ball_query_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/ball_query_gpu.cu -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/bindings.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/bindings.cpp -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/group_points.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/group_points.cpp -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/group_points_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/group_points_gpu.cu -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/interpolate.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/interpolate.cpp -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/interpolate_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/interpolate_gpu.cu -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/sampling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/sampling.cpp -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/sampling_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/_ext_src/src/sampling_gpu.cu -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/build/temp.linux-x86_64-cpython-310/.ninja_deps: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/build/temp.linux-x86_64-cpython-310/.ninja_deps -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/build/temp.linux-x86_64-cpython-310/.ninja_log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/build/temp.linux-x86_64-cpython-310/.ninja_log -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/build/temp.linux-x86_64-cpython-310/build.ninja: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/build/temp.linux-x86_64-cpython-310/build.ninja -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/pointnet2_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/pointnet2_modules.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/pointnet2_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/pointnet2_test.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/pointnet2_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/pointnet2_utils.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/pytorch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/pytorch_utils.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/third_party/pointnet2/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/third_party/pointnet2/setup.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/transformer.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/ap_calculator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/ap_calculator.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/box_intersection.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/box_intersection.c -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/box_intersection.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/box_intersection.pyx -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/box_ops3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/box_ops3d.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/box_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/box_util.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/cython_compile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/cython_compile.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/cython_compile.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/cython_compile.sh -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/dist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/dist.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/download_weights.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/download_weights.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/eval_det.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/eval_det.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/io.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/logger.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/misc.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/nms.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/pc_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/pc_util.py -------------------------------------------------------------------------------- /src/model/LAMM/EPCL/utils/random_cuboid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/EPCL/utils/random_cuboid.py -------------------------------------------------------------------------------- /src/model/LAMM/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/README.md -------------------------------------------------------------------------------- /src/model/LAMM/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/__init__.py -------------------------------------------------------------------------------- /src/model/LAMM/conversations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/conversations.py -------------------------------------------------------------------------------- /src/model/LAMM/flash_attn_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/flash_attn_patch.py -------------------------------------------------------------------------------- /src/model/LAMM/modeling_lightllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/modeling_lightllm.py -------------------------------------------------------------------------------- /src/model/LAMM/modeling_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/modeling_llama.py -------------------------------------------------------------------------------- /src/model/LAMM/openlamm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/openlamm.py -------------------------------------------------------------------------------- /src/model/LAMM/utils/__init__.py: -------------------------------------------------------------------------------- 1 | from .pcl_utils import * 2 | -------------------------------------------------------------------------------- /src/model/LAMM/utils/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/utils/data.py -------------------------------------------------------------------------------- /src/model/LAMM/utils/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/utils/helpers.py -------------------------------------------------------------------------------- /src/model/LAMM/utils/multimodal_preprocessors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/utils/multimodal_preprocessors.py -------------------------------------------------------------------------------- /src/model/LAMM/utils/pcl_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/utils/pcl_utils.py -------------------------------------------------------------------------------- /src/model/LAMM/xformers_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/LAMM/xformers_patch.py -------------------------------------------------------------------------------- /src/model/Octavius/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/Octavius/__init__.py -------------------------------------------------------------------------------- /src/model/Octavius/moe/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/Octavius/moe/__init__.py -------------------------------------------------------------------------------- /src/model/Octavius/moe/layer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/Octavius/moe/layer.py -------------------------------------------------------------------------------- /src/model/Octavius/moe/moe_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/Octavius/moe/moe_lora.py -------------------------------------------------------------------------------- /src/model/Octavius/octavius.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/Octavius/octavius.py -------------------------------------------------------------------------------- /src/model/Octavius/resampler3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/Octavius/resampler3d.py -------------------------------------------------------------------------------- /src/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/__init__.py -------------------------------------------------------------------------------- /src/model/llava/__init__.py: -------------------------------------------------------------------------------- 1 | from .model import LlavaLlamaForCausalLM 2 | -------------------------------------------------------------------------------- /src/model/llava/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/constants.py -------------------------------------------------------------------------------- /src/model/llava/conversation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/conversation.py -------------------------------------------------------------------------------- /src/model/llava/mm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/mm_utils.py -------------------------------------------------------------------------------- /src/model/llava/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/__init__.py -------------------------------------------------------------------------------- /src/model/llava/model/apply_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/apply_delta.py -------------------------------------------------------------------------------- /src/model/llava/model/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/builder.py -------------------------------------------------------------------------------- /src/model/llava/model/consolidate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/consolidate.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/llava_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/llava_llama.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/llava_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/llava_mpt.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/mpt/adapt_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/mpt/adapt_tokenizer.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/mpt/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/mpt/attention.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/mpt/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/mpt/blocks.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/mpt/configuration_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/mpt/configuration_mpt.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/mpt/custom_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/mpt/custom_embedding.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/mpt/flash_attn_triton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/mpt/flash_attn_triton.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/mpt/hf_prefixlm_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/mpt/hf_prefixlm_converter.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/mpt/meta_init_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/mpt/meta_init_context.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/mpt/modeling_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/mpt/modeling_mpt.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/mpt/norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/mpt/norm.py -------------------------------------------------------------------------------- /src/model/llava/model/language_model/mpt/param_init_fns.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/language_model/mpt/param_init_fns.py -------------------------------------------------------------------------------- /src/model/llava/model/llava_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/llava_arch.py -------------------------------------------------------------------------------- /src/model/llava/model/make_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/make_delta.py -------------------------------------------------------------------------------- /src/model/llava/model/multimodal_encoder/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/multimodal_encoder/builder.py -------------------------------------------------------------------------------- /src/model/llava/model/multimodal_encoder/clip_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/multimodal_encoder/clip_encoder.py -------------------------------------------------------------------------------- /src/model/llava/model/multimodal_projector/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/multimodal_projector/builder.py -------------------------------------------------------------------------------- /src/model/llava/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/model/utils.py -------------------------------------------------------------------------------- /src/model/llava/train/llama_flash_attn_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/train/llama_flash_attn_monkey_patch.py -------------------------------------------------------------------------------- /src/model/llava/train/llama_xformers_attn_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/train/llama_xformers_attn_monkey_patch.py -------------------------------------------------------------------------------- /src/model/llava/train/llava_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/train/llava_trainer.py -------------------------------------------------------------------------------- /src/model/llava/train/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/train/train.py -------------------------------------------------------------------------------- /src/model/llava/train/train_mem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/train/train_mem.py -------------------------------------------------------------------------------- /src/model/llava/train/train_xformers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/train/train_xformers.py -------------------------------------------------------------------------------- /src/model/llava/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/llava/utils.py -------------------------------------------------------------------------------- /src/model/training_agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/model/training_agent.py -------------------------------------------------------------------------------- /src/slurm_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/slurm_eval.sh -------------------------------------------------------------------------------- /src/slurm_eval_icl.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/slurm_eval_icl.sh -------------------------------------------------------------------------------- /src/tools/ChEF/eval_calibration.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/ChEF/eval_calibration.py -------------------------------------------------------------------------------- /src/tools/ChEF/eval_hallucination.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/ChEF/eval_hallucination.py -------------------------------------------------------------------------------- /src/tools/ChEF/eval_icl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/ChEF/eval_icl.py -------------------------------------------------------------------------------- /src/tools/ChEF/eval_insfollow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/ChEF/eval_insfollow.py -------------------------------------------------------------------------------- /src/tools/ChEF/eval_langperf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/ChEF/eval_langperf.py -------------------------------------------------------------------------------- /src/tools/ChEF/eval_robust.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/ChEF/eval_robust.py -------------------------------------------------------------------------------- /src/tools/LAMM/eval_lamm2d.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/LAMM/eval_lamm2d.sh -------------------------------------------------------------------------------- /src/tools/LAMM/eval_lamm3d.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/LAMM/eval_lamm3d.sh -------------------------------------------------------------------------------- /src/tools/LAMM/train_lamm2d.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/LAMM/train_lamm2d.sh -------------------------------------------------------------------------------- /src/tools/LAMM/train_lamm2d_sft_stg1_slurm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/LAMM/train_lamm2d_sft_stg1_slurm.sh -------------------------------------------------------------------------------- /src/tools/LAMM/train_lamm2d_sft_stg2_slurm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/LAMM/train_lamm2d_sft_stg2_slurm.sh -------------------------------------------------------------------------------- /src/tools/LAMM/train_lamm2d_slurm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/LAMM/train_lamm2d_slurm.sh -------------------------------------------------------------------------------- /src/tools/LAMM/train_lamm3d.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/LAMM/train_lamm3d.sh -------------------------------------------------------------------------------- /src/tools/LAMM/train_lamm3d_slurm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/LAMM/train_lamm3d_slurm.sh -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/.DS_Store -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/data/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/data/.DS_Store -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/data/ScanRefer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/data/ScanRefer.yaml -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/data/ScanReferValid.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/data/ScanReferValid.yaml -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/data/dataset_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/data/dataset_3d.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/data/dataset_catalog.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/data/dataset_catalog.json -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/data/labels.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/data/labels.json -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/data/templates.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/data/templates.json -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/main.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/.DS_Store -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/ULIP_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/ULIP_models.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/losses.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/pointbert/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/pointbert/.DS_Store -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/pointbert/PointTransformer_8192point.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/pointbert/PointTransformer_8192point.yaml -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/pointbert/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/pointbert/checkpoint.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/pointbert/dvae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/pointbert/dvae.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/pointbert/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/pointbert/logger.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/pointbert/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/pointbert/misc.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/pointbert/point_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/pointbert/point_encoder.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/pointnet2/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/pointnet2/.DS_Store -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/pointnet2/pointnet2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/pointnet2/pointnet2.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/models/pointnet2/pointnet2_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/models/pointnet2/pointnet2_utils.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/scripts/pretrain_pointbert.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/scripts/pretrain_pointbert.sh -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/utils/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/utils/.DS_Store -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/utils/__init__.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/utils/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/utils/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/utils/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/utils/build.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/utils/config.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/utils/io.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/utils/logger.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/utils/registry.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/utils/tokenizer.py -------------------------------------------------------------------------------- /src/tools/Octavius/ULIP/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/ULIP/utils/utils.py -------------------------------------------------------------------------------- /src/tools/Octavius/octavius_ChEF.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/octavius_ChEF.sh -------------------------------------------------------------------------------- /src/tools/Octavius/train_octavius_slurm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/tools/Octavius/train_octavius_slurm.sh -------------------------------------------------------------------------------- /src/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/OpenGVLab/LAMM/HEAD/src/train.py --------------------------------------------------------------------------------