├── CogVideo ├── cli_demo.py ├── convert_prompt.py ├── dataset │ ├── data.json │ └── real_data_openvid.json ├── finetune │ ├── accelerate_config_machine_multi.yaml │ ├── accelerate_config_machine_single.yaml │ ├── train.py │ └── train.sh ├── process_reward_score.py ├── requirements.txt └── tools │ ├── caption │ ├── README.md │ ├── README_ja.md │ ├── README_zh.md │ ├── assests │ │ ├── CogVLM2-Caption-example.png │ │ └── cogvlm2-video-example.png │ ├── requirements.txt │ └── video_caption.py │ ├── convert_weight_sat2hf.py │ ├── export_sat_lora_weight.py │ ├── llm_flux_cogvideox │ ├── generate.sh │ ├── gradio_page.py │ └── llm_flux_cogvideox.py │ ├── load_cogvideox_lora.py │ ├── parallel_inference │ ├── parallel_inference_xdit.py │ └── run.sh │ ├── replicate │ ├── cog.yaml │ ├── predict_i2v.py │ └── predict_t2v.py │ └── venhancer │ ├── README.md │ ├── README_ja.md │ └── README_zh.md ├── LiFT-Critic ├── test │ ├── run_critic_13b.py │ └── run_critic_40b.py └── train │ ├── train_critic_13b.sh │ └── train_critic_40b.sh ├── README.md ├── Vbench └── Vbench_full_info_opt.json ├── dataset ├── LiFT-HRA │ ├── LiFT-HRA-data-10k.json │ └── LiFT-HRA-data-20k.json └── VIDGEN │ └── vidgen-data.json ├── demo ├── critic_output_13b.json ├── critic_output_40b.json ├── test.json └── videos │ ├── 0.mp4 │ └── 1.mp4 ├── docs ├── index.html └── static │ ├── academicons.min.css │ ├── bulma-carousel.min.css │ ├── bulma-carousel.min.js │ ├── bulma-slider.min.css │ ├── bulma-slider.min.js │ ├── bulma.min.css │ ├── critic_case.png │ ├── css │ ├── explorer-index.js │ ├── fontawesome.all.min.css │ ├── fontawesome.all.min.js │ ├── images │ ├── annotation_ui.png │ ├── critic_case1.png │ ├── critic_case2.png │ ├── dataset_info.png │ ├── intro.png │ ├── pipeline.png │ └── radar.png │ ├── index.css │ ├── leaderboard.css │ ├── leaderboard_testmini.js │ ├── question_card.js │ ├── sort-table.js │ └── videos │ ├── LiFT-1.mp4 │ ├── LiFT-2.mp4 │ ├── LiFT-3.mp4 │ ├── LiFT-4.mp4 │ ├── LiFT-5.mp4 │ ├── LiFT-6.mp4 │ ├── LiFT-7.mp4 │ ├── cogx-1.mp4 │ ├── cogx-2.mp4 │ ├── cogx-3.mp4 │ ├── cogx-4.mp4 │ ├── cogx-5.mp4 │ ├── cogx-6.mp4 │ └── cogx-7.mp4 ├── environment_setup.sh ├── llava.egg-info ├── PKG-INFO ├── SOURCES.txt ├── dependency_links.txt ├── requires.txt └── top_level.txt ├── llava ├── 3rd_party │ ├── gemini_video.py │ ├── gpt4v_nvhost_video.py │ └── requirements.txt ├── __init__.py ├── cli │ └── run.py ├── constants.py ├── conversation.py ├── data │ ├── __init__.py │ ├── dataset.py │ ├── dataset_impl │ │ ├── coyo_recap.py │ │ ├── general_img_text.py │ │ ├── hiertext.py │ │ ├── panda70m.py │ │ ├── sam copy.py │ │ ├── sam.py │ │ └── textocr.py │ ├── dataset_tar.py │ ├── datasets_mixture.py │ ├── simple_video_dataset.py │ ├── simple_vila_webdataset.py │ ├── utils.py │ └── vila_webdataset.py ├── data_aug │ ├── caption2qa.py │ ├── dev.py │ ├── reformat_tar.py │ ├── seval.sh │ ├── srun_cap2qa.sh │ ├── srun_reformat.sh │ ├── video_eval.py │ └── video_inference.py ├── entry.py ├── eval │ ├── eval_gpt_review.py │ ├── eval_gpt_review_bench.py │ ├── eval_gpt_review_visual.py │ ├── eval_mathvista.py │ ├── eval_mmmu.py │ ├── eval_mmvet.py │ ├── eval_pope.py │ ├── eval_refcoco.py │ ├── eval_science_qa.py │ ├── eval_science_qa_gpt4.py │ ├── eval_science_qa_gpt4_requery.py │ ├── eval_textvqa.py │ ├── evaluate_vqa.py │ ├── evaluate_vqa_score.py │ ├── generate_webpage_data_from_table.py │ ├── m4c_evaluator.py │ ├── mathvista_utils │ │ ├── calculate_score.py │ │ ├── extract_answer.py │ │ ├── prompts │ │ │ └── ext_ans.py │ │ └── utilities.py │ ├── mmmu_utils │ │ ├── answer_dict_val.json │ │ ├── configs │ │ │ └── llava1.5.yaml │ │ ├── data_utils.py │ │ ├── eval_utils.py │ │ ├── merge_jsons.py │ │ └── model_utils.py │ ├── model_qa.py │ ├── model_refcoco.py │ ├── model_videochatgpt_benchmark.py │ ├── model_vqa.py │ ├── model_vqa_cinepile.py │ ├── model_vqa_ego_schema.py │ ├── model_vqa_loader.py │ ├── model_vqa_mathvista.py │ ├── model_vqa_mmbench.py │ ├── model_vqa_mmmu.py │ ├── model_vqa_mmmu_sharded.py │ ├── model_vqa_nextqa.py │ ├── model_vqa_qbench.py │ ├── model_vqa_science.py │ ├── model_vqa_video.py │ ├── model_vqa_videodemo.py │ ├── model_vqa_videomme.py │ ├── model_vqa_videoperception.py │ ├── qa_baseline_gpt35.py │ ├── summarize_gpt_review.py │ ├── table │ │ ├── answer │ │ │ ├── answer_alpaca-13b.jsonl │ │ │ ├── answer_bard.jsonl │ │ │ ├── answer_gpt35.jsonl │ │ │ ├── answer_llama-13b.jsonl │ │ │ └── answer_vicuna-13b.jsonl │ │ ├── caps_boxes_coco2014_val_80.jsonl │ │ ├── model.jsonl │ │ ├── prompt.jsonl │ │ ├── question.jsonl │ │ ├── results │ │ │ ├── test_sqa_llava_13b_v0.json │ │ │ └── test_sqa_llava_lcs_558k_sqa_12e_vicuna_v1_3_13b.json │ │ ├── review │ │ │ ├── review_alpaca-13b_vicuna-13b.jsonl │ │ │ ├── review_bard_vicuna-13b.jsonl │ │ │ ├── review_gpt35_vicuna-13b.jsonl │ │ │ └── review_llama-13b_vicuna-13b.jsonl │ │ ├── reviewer.jsonl │ │ └── rule.json │ ├── video │ │ ├── eval_GPT4o.py │ │ ├── eval_benchmark_1_correctness.py │ │ ├── eval_benchmark_2_detailed_orientation.py │ │ ├── eval_benchmark_3_context.py │ │ ├── eval_benchmark_4_temporal.py │ │ ├── eval_benchmark_5_consistency.py │ │ ├── eval_video_nextqa.py │ │ ├── eval_video_perception.py │ │ ├── eval_video_qa.py │ │ ├── eval_video_videomme.py │ │ ├── model_vqa_videodemo_benchmark.py │ │ └── utils.py │ ├── video_mme │ │ ├── convert.py │ │ ├── eval.sh │ │ ├── mme_calc.py │ │ ├── sbatch_eval.sh │ │ ├── video_eval.py │ │ └── w_sub_eval.py │ ├── vision_niah_vila │ │ ├── eval_vision_niah.py │ │ ├── produce_haystack_embedding.py │ │ ├── produce_needle_embedding.py │ │ └── zigzag_ring_attn │ │ │ ├── monkey_patch.py │ │ │ └── prepare_inputs.py │ └── webpage │ │ ├── figures │ │ ├── alpaca.png │ │ ├── bard.jpg │ │ ├── chatgpt.svg │ │ ├── llama.jpg │ │ ├── swords_FILL0_wght300_GRAD0_opsz48.svg │ │ └── vicuna.jpeg │ │ ├── index.html │ │ ├── script.js │ │ └── styles.css ├── mm_utils.py ├── modals.py ├── model │ ├── __init__.py │ ├── apply_delta.py │ ├── builder.py │ ├── configuration_llava.py │ ├── consolidate.py │ ├── language_model │ │ ├── builder.py │ │ ├── llava_gemma.py │ │ ├── llava_llama.py │ │ ├── llava_mistral.py │ │ ├── llava_mixtral.py │ │ ├── llava_mpt.py │ │ ├── modeling_mixtral_long_context.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 │ │ ├── image_processor.py │ │ ├── intern │ │ │ ├── __pycache__ │ │ │ │ ├── configuration_intern_vit.cpython-310.pyc │ │ │ │ ├── flash_attention.cpython-310.pyc │ │ │ │ └── modeling_intern_vit.cpython-310.pyc │ │ │ ├── configuration_intern_vit.py │ │ │ ├── flash_attention.py │ │ │ └── modeling_intern_vit.py │ │ ├── intern_encoder.py │ │ ├── radio_encoder.py │ │ ├── radio_torchhub_encoder.py │ │ ├── siglip │ │ │ ├── __init__.py │ │ │ ├── configuration_siglip.py │ │ │ ├── convert_siglip_to_hf.py │ │ │ ├── image_processing_siglip.py │ │ │ ├── modeling_siglip.py │ │ │ ├── processing_siglip.py │ │ │ └── tokenization_siglip.py │ │ ├── siglip_encoder.py │ │ ├── vision_encoder.py │ │ └── visualize_features.py │ ├── multimodal_projector │ │ ├── base_projector.py │ │ └── builder.py │ └── utils.py ├── train │ ├── __init__.py │ ├── args.py │ ├── callbacks │ │ └── autoresume_callback.py │ ├── deepspeed_distributed_attention.py │ ├── deepspeed_replace │ │ └── runtime │ │ │ └── zero │ │ │ └── mics.py │ ├── deepspeed_replace_deprecated │ │ ├── runtime │ │ │ └── zero │ │ │ │ ├── mics.py │ │ │ │ └── partition_parameters.py │ │ └── utils │ │ │ └── groups.py │ ├── llama_dpsp_attn_monkey_patch.py │ ├── llava_trainer.py │ ├── sequence_parallel │ │ ├── __init__.py │ │ ├── all_to_all.py │ │ ├── globals.py │ │ ├── hybrid_attn.py │ │ ├── input_utils.py │ │ ├── monkey_patch.py │ │ ├── ring │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── ring_flash_attn.cpython-310.pyc │ │ │ │ ├── ring_flash_attn_varlen.cpython-310.pyc │ │ │ │ ├── stripe_flash_attn.cpython-310.pyc │ │ │ │ ├── triton_utils.cpython-310.pyc │ │ │ │ ├── utils.cpython-310.pyc │ │ │ │ ├── zigzag_ring_flash_attn.cpython-310.pyc │ │ │ │ └── zigzag_ring_flash_attn_varlen.cpython-310.pyc │ │ │ ├── ring_flash_attn.py │ │ │ ├── ring_flash_attn_varlen.py │ │ │ ├── stripe_flash_attn.py │ │ │ ├── triton_utils.py │ │ │ ├── utils.py │ │ │ ├── zigzag_ring_flash_attn.py │ │ │ └── zigzag_ring_flash_attn_varlen.py │ │ └── ulysses_attn.py │ ├── short_video_filter.py │ ├── slurm_utils.py │ ├── train.py │ ├── train_hybrid.py │ ├── train_long.py │ ├── train_mem.py │ ├── train_xformers.py │ ├── transformer_normalize_monkey_patch.py │ ├── transformers_replace │ │ ├── modeling_utils.py │ │ └── models │ │ │ ├── gemma │ │ │ ├── __init__.py │ │ │ ├── configuration_gemma.py │ │ │ └── modeling_gemma.py │ │ │ ├── llama │ │ │ ├── configuring_llama.py │ │ │ ├── modeling_llama.py │ │ │ └── tokenization_llama.py │ │ │ ├── mistral │ │ │ ├── __init__.py │ │ │ ├── configuration_mistral.py │ │ │ └── modeling_mistral.py │ │ │ └── mixtral │ │ │ ├── __init__.py │ │ │ ├── configuration_mixtral.py │ │ │ └── modeling_mixtral.py │ └── utils.py ├── trl │ ├── __init__.py │ ├── core.py │ ├── environment │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ └── base_environment.cpython-310.pyc │ │ └── base_environment.py │ ├── extras │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── best_of_n_sampler.cpython-310.pyc │ │ │ └── dataset_formatting.cpython-310.pyc │ │ ├── best_of_n_sampler.py │ │ └── dataset_formatting.py │ ├── import_utils.py │ ├── models │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── modeling_base.cpython-310.pyc │ │ │ ├── modeling_value_head.cpython-310.pyc │ │ │ └── utils.cpython-310.pyc │ │ ├── modeling_base.py │ │ ├── modeling_sd_base.py │ │ ├── modeling_value_head.py │ │ └── utils.py │ └── trainer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── base.cpython-310.pyc │ │ ├── ddpo_config.cpython-310.pyc │ │ ├── dpo_trainer.cpython-310.pyc │ │ ├── iterative_sft_trainer.cpython-310.pyc │ │ ├── model_config.cpython-310.pyc │ │ ├── ppo_config.cpython-310.pyc │ │ ├── ppo_trainer.cpython-310.pyc │ │ ├── reward_config.cpython-310.pyc │ │ ├── reward_trainer.cpython-310.pyc │ │ ├── sft_trainer.cpython-310.pyc │ │ └── utils.cpython-310.pyc │ │ ├── base.py │ │ ├── ddpo_config.py │ │ ├── ddpo_trainer.py │ │ ├── dpo_trainer.py │ │ ├── iterative_sft_trainer.py │ │ ├── model_config.py │ │ ├── ppo_config.py │ │ ├── ppo_trainer.py │ │ ├── reward_config.py │ │ ├── reward_trainer.py │ │ ├── sft_trainer.py │ │ └── utils.py ├── unit_test_utils.py ├── utils.py ├── utils │ ├── __init__.py │ ├── distributed.py │ ├── io.py │ ├── merge_lora_weights_and_save_hf_model.py │ ├── tokenizer.py │ └── utils.py └── wids │ ├── __init__.py │ ├── wids.py │ ├── wids_bench.py │ ├── wids_cleanup.py │ ├── wids_dir.py │ ├── wids_dl.py │ ├── wids_index.py │ ├── wids_lru.py │ ├── wids_mmtar.py │ ├── wids_specs.py │ └── wids_tar.py ├── pyproject.toml ├── scripts ├── convert_gqa_for_eval.py ├── convert_karpathy_to_anno.py ├── convert_mmbench_for_submission.py ├── convert_mmvet_for_eval.py ├── convert_seed_for_submission.py ├── convert_sqa_to_llava.py ├── convert_sqa_to_llava_base_prompt.py ├── convert_vizwiz_for_submission.py ├── convert_vqav2_for_submission.py ├── export_peft_model.py ├── extract_mm_projector.py ├── merge_lora_weights.py ├── zero1.json ├── zero2.json ├── zero3.json ├── zero3_mics_mini_fixed.json ├── zero3_mics_tiny_fixed.json ├── zero3_offload.json ├── zero3_offload_inference.json └── zero3pp.json └── tests ├── gpu_tests ├── test_llava_arch.py └── test_packing.py ├── import_tests.py ├── sample_data ├── llava_arch_test_images │ ├── 5 │ │ └── image.png │ ├── 11 │ │ └── image.png │ ├── 23 │ │ └── image.png │ ├── 42 │ │ └── image.png │ └── 46 │ │ └── image.png └── test_packing.pth └── test_tokenizer.py /CogVideo/cli_demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/cli_demo.py -------------------------------------------------------------------------------- /CogVideo/convert_prompt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/convert_prompt.py -------------------------------------------------------------------------------- /CogVideo/dataset/data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/dataset/data.json -------------------------------------------------------------------------------- /CogVideo/dataset/real_data_openvid.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/dataset/real_data_openvid.json -------------------------------------------------------------------------------- /CogVideo/finetune/accelerate_config_machine_multi.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/finetune/accelerate_config_machine_multi.yaml -------------------------------------------------------------------------------- /CogVideo/finetune/accelerate_config_machine_single.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/finetune/accelerate_config_machine_single.yaml -------------------------------------------------------------------------------- /CogVideo/finetune/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/finetune/train.py -------------------------------------------------------------------------------- /CogVideo/finetune/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/finetune/train.sh -------------------------------------------------------------------------------- /CogVideo/process_reward_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/process_reward_score.py -------------------------------------------------------------------------------- /CogVideo/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/requirements.txt -------------------------------------------------------------------------------- /CogVideo/tools/caption/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/caption/README.md -------------------------------------------------------------------------------- /CogVideo/tools/caption/README_ja.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/caption/README_ja.md -------------------------------------------------------------------------------- /CogVideo/tools/caption/README_zh.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/caption/README_zh.md -------------------------------------------------------------------------------- /CogVideo/tools/caption/assests/CogVLM2-Caption-example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/caption/assests/CogVLM2-Caption-example.png -------------------------------------------------------------------------------- /CogVideo/tools/caption/assests/cogvlm2-video-example.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/caption/assests/cogvlm2-video-example.png -------------------------------------------------------------------------------- /CogVideo/tools/caption/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/caption/requirements.txt -------------------------------------------------------------------------------- /CogVideo/tools/caption/video_caption.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/caption/video_caption.py -------------------------------------------------------------------------------- /CogVideo/tools/convert_weight_sat2hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/convert_weight_sat2hf.py -------------------------------------------------------------------------------- /CogVideo/tools/export_sat_lora_weight.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/export_sat_lora_weight.py -------------------------------------------------------------------------------- /CogVideo/tools/llm_flux_cogvideox/generate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/llm_flux_cogvideox/generate.sh -------------------------------------------------------------------------------- /CogVideo/tools/llm_flux_cogvideox/gradio_page.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/llm_flux_cogvideox/gradio_page.py -------------------------------------------------------------------------------- /CogVideo/tools/llm_flux_cogvideox/llm_flux_cogvideox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/llm_flux_cogvideox/llm_flux_cogvideox.py -------------------------------------------------------------------------------- /CogVideo/tools/load_cogvideox_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/load_cogvideox_lora.py -------------------------------------------------------------------------------- /CogVideo/tools/parallel_inference/parallel_inference_xdit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/parallel_inference/parallel_inference_xdit.py -------------------------------------------------------------------------------- /CogVideo/tools/parallel_inference/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/parallel_inference/run.sh -------------------------------------------------------------------------------- /CogVideo/tools/replicate/cog.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/replicate/cog.yaml -------------------------------------------------------------------------------- /CogVideo/tools/replicate/predict_i2v.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/replicate/predict_i2v.py -------------------------------------------------------------------------------- /CogVideo/tools/replicate/predict_t2v.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/replicate/predict_t2v.py -------------------------------------------------------------------------------- /CogVideo/tools/venhancer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/venhancer/README.md -------------------------------------------------------------------------------- /CogVideo/tools/venhancer/README_ja.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/venhancer/README_ja.md -------------------------------------------------------------------------------- /CogVideo/tools/venhancer/README_zh.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/CogVideo/tools/venhancer/README_zh.md -------------------------------------------------------------------------------- /LiFT-Critic/test/run_critic_13b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/LiFT-Critic/test/run_critic_13b.py -------------------------------------------------------------------------------- /LiFT-Critic/test/run_critic_40b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/LiFT-Critic/test/run_critic_40b.py -------------------------------------------------------------------------------- /LiFT-Critic/train/train_critic_13b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/LiFT-Critic/train/train_critic_13b.sh -------------------------------------------------------------------------------- /LiFT-Critic/train/train_critic_40b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/LiFT-Critic/train/train_critic_40b.sh -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/README.md -------------------------------------------------------------------------------- /Vbench/Vbench_full_info_opt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/Vbench/Vbench_full_info_opt.json -------------------------------------------------------------------------------- /dataset/LiFT-HRA/LiFT-HRA-data-10k.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/dataset/LiFT-HRA/LiFT-HRA-data-10k.json -------------------------------------------------------------------------------- /dataset/LiFT-HRA/LiFT-HRA-data-20k.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/dataset/LiFT-HRA/LiFT-HRA-data-20k.json -------------------------------------------------------------------------------- /dataset/VIDGEN/vidgen-data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/dataset/VIDGEN/vidgen-data.json -------------------------------------------------------------------------------- /demo/critic_output_13b.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/demo/critic_output_13b.json -------------------------------------------------------------------------------- /demo/critic_output_40b.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/demo/critic_output_40b.json -------------------------------------------------------------------------------- /demo/test.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/demo/test.json -------------------------------------------------------------------------------- /demo/videos/0.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/demo/videos/0.mp4 -------------------------------------------------------------------------------- /demo/videos/1.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/demo/videos/1.mp4 -------------------------------------------------------------------------------- /docs/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/index.html -------------------------------------------------------------------------------- /docs/static/academicons.min.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/academicons.min.css -------------------------------------------------------------------------------- /docs/static/bulma-carousel.min.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/bulma-carousel.min.css -------------------------------------------------------------------------------- /docs/static/bulma-carousel.min.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/bulma-carousel.min.js -------------------------------------------------------------------------------- /docs/static/bulma-slider.min.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/bulma-slider.min.css -------------------------------------------------------------------------------- /docs/static/bulma-slider.min.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/bulma-slider.min.js -------------------------------------------------------------------------------- /docs/static/bulma.min.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/bulma.min.css -------------------------------------------------------------------------------- /docs/static/critic_case.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/critic_case.png -------------------------------------------------------------------------------- /docs/static/css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/css -------------------------------------------------------------------------------- /docs/static/explorer-index.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/explorer-index.js -------------------------------------------------------------------------------- /docs/static/fontawesome.all.min.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/fontawesome.all.min.css -------------------------------------------------------------------------------- /docs/static/fontawesome.all.min.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/fontawesome.all.min.js -------------------------------------------------------------------------------- /docs/static/images/annotation_ui.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/images/annotation_ui.png -------------------------------------------------------------------------------- /docs/static/images/critic_case1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/images/critic_case1.png -------------------------------------------------------------------------------- /docs/static/images/critic_case2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/images/critic_case2.png -------------------------------------------------------------------------------- /docs/static/images/dataset_info.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/images/dataset_info.png -------------------------------------------------------------------------------- /docs/static/images/intro.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/images/intro.png -------------------------------------------------------------------------------- /docs/static/images/pipeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/images/pipeline.png -------------------------------------------------------------------------------- /docs/static/images/radar.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/images/radar.png -------------------------------------------------------------------------------- /docs/static/index.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/index.css -------------------------------------------------------------------------------- /docs/static/leaderboard.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/leaderboard.css -------------------------------------------------------------------------------- /docs/static/leaderboard_testmini.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/leaderboard_testmini.js -------------------------------------------------------------------------------- /docs/static/question_card.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/question_card.js -------------------------------------------------------------------------------- /docs/static/sort-table.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/sort-table.js -------------------------------------------------------------------------------- /docs/static/videos/LiFT-1.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/LiFT-1.mp4 -------------------------------------------------------------------------------- /docs/static/videos/LiFT-2.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/LiFT-2.mp4 -------------------------------------------------------------------------------- /docs/static/videos/LiFT-3.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/LiFT-3.mp4 -------------------------------------------------------------------------------- /docs/static/videos/LiFT-4.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/LiFT-4.mp4 -------------------------------------------------------------------------------- /docs/static/videos/LiFT-5.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/LiFT-5.mp4 -------------------------------------------------------------------------------- /docs/static/videos/LiFT-6.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/LiFT-6.mp4 -------------------------------------------------------------------------------- /docs/static/videos/LiFT-7.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/LiFT-7.mp4 -------------------------------------------------------------------------------- /docs/static/videos/cogx-1.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/cogx-1.mp4 -------------------------------------------------------------------------------- /docs/static/videos/cogx-2.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/cogx-2.mp4 -------------------------------------------------------------------------------- /docs/static/videos/cogx-3.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/cogx-3.mp4 -------------------------------------------------------------------------------- /docs/static/videos/cogx-4.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/cogx-4.mp4 -------------------------------------------------------------------------------- /docs/static/videos/cogx-5.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/cogx-5.mp4 -------------------------------------------------------------------------------- /docs/static/videos/cogx-6.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/cogx-6.mp4 -------------------------------------------------------------------------------- /docs/static/videos/cogx-7.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/docs/static/videos/cogx-7.mp4 -------------------------------------------------------------------------------- /environment_setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/environment_setup.sh -------------------------------------------------------------------------------- /llava.egg-info/PKG-INFO: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava.egg-info/PKG-INFO -------------------------------------------------------------------------------- /llava.egg-info/SOURCES.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava.egg-info/SOURCES.txt -------------------------------------------------------------------------------- /llava.egg-info/dependency_links.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /llava.egg-info/requires.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava.egg-info/requires.txt -------------------------------------------------------------------------------- /llava.egg-info/top_level.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava.egg-info/top_level.txt -------------------------------------------------------------------------------- /llava/3rd_party/gemini_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/3rd_party/gemini_video.py -------------------------------------------------------------------------------- /llava/3rd_party/gpt4v_nvhost_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/3rd_party/gpt4v_nvhost_video.py -------------------------------------------------------------------------------- /llava/3rd_party/requirements.txt: -------------------------------------------------------------------------------- 1 | google-cloud-aiplatform 2 | openai 3 | tqdm 4 | -------------------------------------------------------------------------------- /llava/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/__init__.py -------------------------------------------------------------------------------- /llava/cli/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/cli/run.py -------------------------------------------------------------------------------- /llava/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/constants.py -------------------------------------------------------------------------------- /llava/conversation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/conversation.py -------------------------------------------------------------------------------- /llava/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/__init__.py -------------------------------------------------------------------------------- /llava/data/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/dataset.py -------------------------------------------------------------------------------- /llava/data/dataset_impl/coyo_recap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/dataset_impl/coyo_recap.py -------------------------------------------------------------------------------- /llava/data/dataset_impl/general_img_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/dataset_impl/general_img_text.py -------------------------------------------------------------------------------- /llava/data/dataset_impl/hiertext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/dataset_impl/hiertext.py -------------------------------------------------------------------------------- /llava/data/dataset_impl/panda70m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/dataset_impl/panda70m.py -------------------------------------------------------------------------------- /llava/data/dataset_impl/sam copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/dataset_impl/sam copy.py -------------------------------------------------------------------------------- /llava/data/dataset_impl/sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/dataset_impl/sam.py -------------------------------------------------------------------------------- /llava/data/dataset_impl/textocr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/dataset_impl/textocr.py -------------------------------------------------------------------------------- /llava/data/dataset_tar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/dataset_tar.py -------------------------------------------------------------------------------- /llava/data/datasets_mixture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/datasets_mixture.py -------------------------------------------------------------------------------- /llava/data/simple_video_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/simple_video_dataset.py -------------------------------------------------------------------------------- /llava/data/simple_vila_webdataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/simple_vila_webdataset.py -------------------------------------------------------------------------------- /llava/data/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/utils.py -------------------------------------------------------------------------------- /llava/data/vila_webdataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data/vila_webdataset.py -------------------------------------------------------------------------------- /llava/data_aug/caption2qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data_aug/caption2qa.py -------------------------------------------------------------------------------- /llava/data_aug/dev.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data_aug/dev.py -------------------------------------------------------------------------------- /llava/data_aug/reformat_tar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data_aug/reformat_tar.py -------------------------------------------------------------------------------- /llava/data_aug/seval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data_aug/seval.sh -------------------------------------------------------------------------------- /llava/data_aug/srun_cap2qa.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data_aug/srun_cap2qa.sh -------------------------------------------------------------------------------- /llava/data_aug/srun_reformat.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data_aug/srun_reformat.sh -------------------------------------------------------------------------------- /llava/data_aug/video_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data_aug/video_eval.py -------------------------------------------------------------------------------- /llava/data_aug/video_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/data_aug/video_inference.py -------------------------------------------------------------------------------- /llava/entry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/entry.py -------------------------------------------------------------------------------- /llava/eval/eval_gpt_review.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_gpt_review.py -------------------------------------------------------------------------------- /llava/eval/eval_gpt_review_bench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_gpt_review_bench.py -------------------------------------------------------------------------------- /llava/eval/eval_gpt_review_visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_gpt_review_visual.py -------------------------------------------------------------------------------- /llava/eval/eval_mathvista.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_mathvista.py -------------------------------------------------------------------------------- /llava/eval/eval_mmmu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_mmmu.py -------------------------------------------------------------------------------- /llava/eval/eval_mmvet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_mmvet.py -------------------------------------------------------------------------------- /llava/eval/eval_pope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_pope.py -------------------------------------------------------------------------------- /llava/eval/eval_refcoco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_refcoco.py -------------------------------------------------------------------------------- /llava/eval/eval_science_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_science_qa.py -------------------------------------------------------------------------------- /llava/eval/eval_science_qa_gpt4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_science_qa_gpt4.py -------------------------------------------------------------------------------- /llava/eval/eval_science_qa_gpt4_requery.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_science_qa_gpt4_requery.py -------------------------------------------------------------------------------- /llava/eval/eval_textvqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/eval_textvqa.py -------------------------------------------------------------------------------- /llava/eval/evaluate_vqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/evaluate_vqa.py -------------------------------------------------------------------------------- /llava/eval/evaluate_vqa_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/evaluate_vqa_score.py -------------------------------------------------------------------------------- /llava/eval/generate_webpage_data_from_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/generate_webpage_data_from_table.py -------------------------------------------------------------------------------- /llava/eval/m4c_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/m4c_evaluator.py -------------------------------------------------------------------------------- /llava/eval/mathvista_utils/calculate_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/mathvista_utils/calculate_score.py -------------------------------------------------------------------------------- /llava/eval/mathvista_utils/extract_answer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/mathvista_utils/extract_answer.py -------------------------------------------------------------------------------- /llava/eval/mathvista_utils/prompts/ext_ans.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/mathvista_utils/prompts/ext_ans.py -------------------------------------------------------------------------------- /llava/eval/mathvista_utils/utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/mathvista_utils/utilities.py -------------------------------------------------------------------------------- /llava/eval/mmmu_utils/answer_dict_val.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/mmmu_utils/answer_dict_val.json -------------------------------------------------------------------------------- /llava/eval/mmmu_utils/configs/llava1.5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/mmmu_utils/configs/llava1.5.yaml -------------------------------------------------------------------------------- /llava/eval/mmmu_utils/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/mmmu_utils/data_utils.py -------------------------------------------------------------------------------- /llava/eval/mmmu_utils/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/mmmu_utils/eval_utils.py -------------------------------------------------------------------------------- /llava/eval/mmmu_utils/merge_jsons.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/mmmu_utils/merge_jsons.py -------------------------------------------------------------------------------- /llava/eval/mmmu_utils/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/mmmu_utils/model_utils.py -------------------------------------------------------------------------------- /llava/eval/model_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_qa.py -------------------------------------------------------------------------------- /llava/eval/model_refcoco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_refcoco.py -------------------------------------------------------------------------------- /llava/eval/model_videochatgpt_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_videochatgpt_benchmark.py -------------------------------------------------------------------------------- /llava/eval/model_vqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_cinepile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_cinepile.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_ego_schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_ego_schema.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_loader.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_mathvista.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_mathvista.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_mmbench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_mmbench.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_mmmu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_mmmu.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_mmmu_sharded.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_mmmu_sharded.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_nextqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_nextqa.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_qbench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_qbench.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_science.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_science.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_video.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_videodemo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_videodemo.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_videomme.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_videomme.py -------------------------------------------------------------------------------- /llava/eval/model_vqa_videoperception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/model_vqa_videoperception.py -------------------------------------------------------------------------------- /llava/eval/qa_baseline_gpt35.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/qa_baseline_gpt35.py -------------------------------------------------------------------------------- /llava/eval/summarize_gpt_review.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/summarize_gpt_review.py -------------------------------------------------------------------------------- /llava/eval/table/answer/answer_alpaca-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/answer/answer_alpaca-13b.jsonl -------------------------------------------------------------------------------- /llava/eval/table/answer/answer_bard.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/answer/answer_bard.jsonl -------------------------------------------------------------------------------- /llava/eval/table/answer/answer_gpt35.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/answer/answer_gpt35.jsonl -------------------------------------------------------------------------------- /llava/eval/table/answer/answer_llama-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/answer/answer_llama-13b.jsonl -------------------------------------------------------------------------------- /llava/eval/table/answer/answer_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/answer/answer_vicuna-13b.jsonl -------------------------------------------------------------------------------- /llava/eval/table/caps_boxes_coco2014_val_80.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/caps_boxes_coco2014_val_80.jsonl -------------------------------------------------------------------------------- /llava/eval/table/model.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/model.jsonl -------------------------------------------------------------------------------- /llava/eval/table/prompt.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/prompt.jsonl -------------------------------------------------------------------------------- /llava/eval/table/question.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/question.jsonl -------------------------------------------------------------------------------- /llava/eval/table/results/test_sqa_llava_13b_v0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/results/test_sqa_llava_13b_v0.json -------------------------------------------------------------------------------- /llava/eval/table/results/test_sqa_llava_lcs_558k_sqa_12e_vicuna_v1_3_13b.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/results/test_sqa_llava_lcs_558k_sqa_12e_vicuna_v1_3_13b.json -------------------------------------------------------------------------------- /llava/eval/table/review/review_alpaca-13b_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/review/review_alpaca-13b_vicuna-13b.jsonl -------------------------------------------------------------------------------- /llava/eval/table/review/review_bard_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/review/review_bard_vicuna-13b.jsonl -------------------------------------------------------------------------------- /llava/eval/table/review/review_gpt35_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/review/review_gpt35_vicuna-13b.jsonl -------------------------------------------------------------------------------- /llava/eval/table/review/review_llama-13b_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/review/review_llama-13b_vicuna-13b.jsonl -------------------------------------------------------------------------------- /llava/eval/table/reviewer.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/reviewer.jsonl -------------------------------------------------------------------------------- /llava/eval/table/rule.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/table/rule.json -------------------------------------------------------------------------------- /llava/eval/video/eval_GPT4o.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/eval_GPT4o.py -------------------------------------------------------------------------------- /llava/eval/video/eval_benchmark_1_correctness.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/eval_benchmark_1_correctness.py -------------------------------------------------------------------------------- /llava/eval/video/eval_benchmark_2_detailed_orientation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/eval_benchmark_2_detailed_orientation.py -------------------------------------------------------------------------------- /llava/eval/video/eval_benchmark_3_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/eval_benchmark_3_context.py -------------------------------------------------------------------------------- /llava/eval/video/eval_benchmark_4_temporal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/eval_benchmark_4_temporal.py -------------------------------------------------------------------------------- /llava/eval/video/eval_benchmark_5_consistency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/eval_benchmark_5_consistency.py -------------------------------------------------------------------------------- /llava/eval/video/eval_video_nextqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/eval_video_nextqa.py -------------------------------------------------------------------------------- /llava/eval/video/eval_video_perception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/eval_video_perception.py -------------------------------------------------------------------------------- /llava/eval/video/eval_video_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/eval_video_qa.py -------------------------------------------------------------------------------- /llava/eval/video/eval_video_videomme.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/eval_video_videomme.py -------------------------------------------------------------------------------- /llava/eval/video/model_vqa_videodemo_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/model_vqa_videodemo_benchmark.py -------------------------------------------------------------------------------- /llava/eval/video/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video/utils.py -------------------------------------------------------------------------------- /llava/eval/video_mme/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video_mme/convert.py -------------------------------------------------------------------------------- /llava/eval/video_mme/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video_mme/eval.sh -------------------------------------------------------------------------------- /llava/eval/video_mme/mme_calc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video_mme/mme_calc.py -------------------------------------------------------------------------------- /llava/eval/video_mme/sbatch_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video_mme/sbatch_eval.sh -------------------------------------------------------------------------------- /llava/eval/video_mme/video_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video_mme/video_eval.py -------------------------------------------------------------------------------- /llava/eval/video_mme/w_sub_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/video_mme/w_sub_eval.py -------------------------------------------------------------------------------- /llava/eval/vision_niah_vila/eval_vision_niah.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/vision_niah_vila/eval_vision_niah.py -------------------------------------------------------------------------------- /llava/eval/vision_niah_vila/produce_haystack_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/vision_niah_vila/produce_haystack_embedding.py -------------------------------------------------------------------------------- /llava/eval/vision_niah_vila/produce_needle_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/vision_niah_vila/produce_needle_embedding.py -------------------------------------------------------------------------------- /llava/eval/vision_niah_vila/zigzag_ring_attn/monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/vision_niah_vila/zigzag_ring_attn/monkey_patch.py -------------------------------------------------------------------------------- /llava/eval/vision_niah_vila/zigzag_ring_attn/prepare_inputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/vision_niah_vila/zigzag_ring_attn/prepare_inputs.py -------------------------------------------------------------------------------- /llava/eval/webpage/figures/alpaca.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/webpage/figures/alpaca.png -------------------------------------------------------------------------------- /llava/eval/webpage/figures/bard.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/webpage/figures/bard.jpg -------------------------------------------------------------------------------- /llava/eval/webpage/figures/chatgpt.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/webpage/figures/chatgpt.svg -------------------------------------------------------------------------------- /llava/eval/webpage/figures/llama.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/webpage/figures/llama.jpg -------------------------------------------------------------------------------- /llava/eval/webpage/figures/swords_FILL0_wght300_GRAD0_opsz48.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/webpage/figures/swords_FILL0_wght300_GRAD0_opsz48.svg -------------------------------------------------------------------------------- /llava/eval/webpage/figures/vicuna.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/webpage/figures/vicuna.jpeg -------------------------------------------------------------------------------- /llava/eval/webpage/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/webpage/index.html -------------------------------------------------------------------------------- /llava/eval/webpage/script.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/webpage/script.js -------------------------------------------------------------------------------- /llava/eval/webpage/styles.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/eval/webpage/styles.css -------------------------------------------------------------------------------- /llava/mm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/mm_utils.py -------------------------------------------------------------------------------- /llava/modals.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/modals.py -------------------------------------------------------------------------------- /llava/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/__init__.py -------------------------------------------------------------------------------- /llava/model/apply_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/apply_delta.py -------------------------------------------------------------------------------- /llava/model/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/builder.py -------------------------------------------------------------------------------- /llava/model/configuration_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/configuration_llava.py -------------------------------------------------------------------------------- /llava/model/consolidate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/consolidate.py -------------------------------------------------------------------------------- /llava/model/language_model/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/builder.py -------------------------------------------------------------------------------- /llava/model/language_model/llava_gemma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/llava_gemma.py -------------------------------------------------------------------------------- /llava/model/language_model/llava_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/llava_llama.py -------------------------------------------------------------------------------- /llava/model/language_model/llava_mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/llava_mistral.py -------------------------------------------------------------------------------- /llava/model/language_model/llava_mixtral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/llava_mixtral.py -------------------------------------------------------------------------------- /llava/model/language_model/llava_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/llava_mpt.py -------------------------------------------------------------------------------- /llava/model/language_model/modeling_mixtral_long_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/modeling_mixtral_long_context.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/adapt_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/mpt/adapt_tokenizer.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/mpt/attention.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/mpt/blocks.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/configuration_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/mpt/configuration_mpt.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/custom_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/mpt/custom_embedding.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/flash_attn_triton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/mpt/flash_attn_triton.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/hf_prefixlm_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/mpt/hf_prefixlm_converter.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/meta_init_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/mpt/meta_init_context.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/modeling_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/mpt/modeling_mpt.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/mpt/norm.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/param_init_fns.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/language_model/mpt/param_init_fns.py -------------------------------------------------------------------------------- /llava/model/llava_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/llava_arch.py -------------------------------------------------------------------------------- /llava/model/make_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/make_delta.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/builder.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/clip_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/clip_encoder.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/image_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/image_processor.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/intern/__pycache__/configuration_intern_vit.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/intern/__pycache__/configuration_intern_vit.cpython-310.pyc -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/intern/__pycache__/flash_attention.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/intern/__pycache__/flash_attention.cpython-310.pyc -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/intern/__pycache__/modeling_intern_vit.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/intern/__pycache__/modeling_intern_vit.cpython-310.pyc -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/intern/configuration_intern_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/intern/configuration_intern_vit.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/intern/flash_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/intern/flash_attention.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/intern/modeling_intern_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/intern/modeling_intern_vit.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/intern_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/intern_encoder.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/radio_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/radio_encoder.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/radio_torchhub_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/radio_torchhub_encoder.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/siglip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/siglip/__init__.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/siglip/configuration_siglip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/siglip/configuration_siglip.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/siglip/convert_siglip_to_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/siglip/convert_siglip_to_hf.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/siglip/image_processing_siglip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/siglip/image_processing_siglip.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/siglip/modeling_siglip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/siglip/modeling_siglip.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/siglip/processing_siglip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/siglip/processing_siglip.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/siglip/tokenization_siglip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/siglip/tokenization_siglip.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/siglip_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/siglip_encoder.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/vision_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/vision_encoder.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/visualize_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_encoder/visualize_features.py -------------------------------------------------------------------------------- /llava/model/multimodal_projector/base_projector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_projector/base_projector.py -------------------------------------------------------------------------------- /llava/model/multimodal_projector/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/multimodal_projector/builder.py -------------------------------------------------------------------------------- /llava/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/model/utils.py -------------------------------------------------------------------------------- /llava/train/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llava/train/args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/args.py -------------------------------------------------------------------------------- /llava/train/callbacks/autoresume_callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/callbacks/autoresume_callback.py -------------------------------------------------------------------------------- /llava/train/deepspeed_distributed_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/deepspeed_distributed_attention.py -------------------------------------------------------------------------------- /llava/train/deepspeed_replace/runtime/zero/mics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/deepspeed_replace/runtime/zero/mics.py -------------------------------------------------------------------------------- /llava/train/deepspeed_replace_deprecated/runtime/zero/mics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/deepspeed_replace_deprecated/runtime/zero/mics.py -------------------------------------------------------------------------------- /llava/train/deepspeed_replace_deprecated/runtime/zero/partition_parameters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/deepspeed_replace_deprecated/runtime/zero/partition_parameters.py -------------------------------------------------------------------------------- /llava/train/deepspeed_replace_deprecated/utils/groups.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/deepspeed_replace_deprecated/utils/groups.py -------------------------------------------------------------------------------- /llava/train/llama_dpsp_attn_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/llama_dpsp_attn_monkey_patch.py -------------------------------------------------------------------------------- /llava/train/llava_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/llava_trainer.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/__init__.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/all_to_all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/all_to_all.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/globals.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/globals.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/hybrid_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/hybrid_attn.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/input_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/input_utils.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/monkey_patch.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/__init__.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/__pycache__/ring_flash_attn.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/__pycache__/ring_flash_attn.cpython-310.pyc -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/__pycache__/ring_flash_attn_varlen.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/__pycache__/ring_flash_attn_varlen.cpython-310.pyc -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/__pycache__/stripe_flash_attn.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/__pycache__/stripe_flash_attn.cpython-310.pyc -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/__pycache__/triton_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/__pycache__/triton_utils.cpython-310.pyc -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/__pycache__/utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/__pycache__/utils.cpython-310.pyc -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/__pycache__/zigzag_ring_flash_attn.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/__pycache__/zigzag_ring_flash_attn.cpython-310.pyc -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/__pycache__/zigzag_ring_flash_attn_varlen.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/__pycache__/zigzag_ring_flash_attn_varlen.cpython-310.pyc -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/ring_flash_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/ring_flash_attn.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/ring_flash_attn_varlen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/ring_flash_attn_varlen.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/stripe_flash_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/stripe_flash_attn.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/triton_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/triton_utils.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/utils.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/zigzag_ring_flash_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/zigzag_ring_flash_attn.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ring/zigzag_ring_flash_attn_varlen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ring/zigzag_ring_flash_attn_varlen.py -------------------------------------------------------------------------------- /llava/train/sequence_parallel/ulysses_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/sequence_parallel/ulysses_attn.py -------------------------------------------------------------------------------- /llava/train/short_video_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/short_video_filter.py -------------------------------------------------------------------------------- /llava/train/slurm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/slurm_utils.py -------------------------------------------------------------------------------- /llava/train/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/train.py -------------------------------------------------------------------------------- /llava/train/train_hybrid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/train_hybrid.py -------------------------------------------------------------------------------- /llava/train/train_long.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/train_long.py -------------------------------------------------------------------------------- /llava/train/train_mem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/train_mem.py -------------------------------------------------------------------------------- /llava/train/train_xformers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/train_xformers.py -------------------------------------------------------------------------------- /llava/train/transformer_normalize_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformer_normalize_monkey_patch.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/modeling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/modeling_utils.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/gemma/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/gemma/__init__.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/gemma/configuration_gemma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/gemma/configuration_gemma.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/gemma/modeling_gemma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/gemma/modeling_gemma.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/llama/configuring_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/llama/configuring_llama.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/llama/modeling_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/llama/modeling_llama.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/llama/tokenization_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/llama/tokenization_llama.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/mistral/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/mistral/__init__.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/mistral/configuration_mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/mistral/configuration_mistral.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/mistral/modeling_mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/mistral/modeling_mistral.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/mixtral/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/mixtral/__init__.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/mixtral/configuration_mixtral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/mixtral/configuration_mixtral.py -------------------------------------------------------------------------------- /llava/train/transformers_replace/models/mixtral/modeling_mixtral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/transformers_replace/models/mixtral/modeling_mixtral.py -------------------------------------------------------------------------------- /llava/train/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/train/utils.py -------------------------------------------------------------------------------- /llava/trl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/__init__.py -------------------------------------------------------------------------------- /llava/trl/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/core.py -------------------------------------------------------------------------------- /llava/trl/environment/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/environment/__init__.py -------------------------------------------------------------------------------- /llava/trl/environment/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/environment/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/environment/__pycache__/base_environment.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/environment/__pycache__/base_environment.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/environment/base_environment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/environment/base_environment.py -------------------------------------------------------------------------------- /llava/trl/extras/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/extras/__init__.py -------------------------------------------------------------------------------- /llava/trl/extras/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/extras/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/extras/__pycache__/best_of_n_sampler.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/extras/__pycache__/best_of_n_sampler.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/extras/__pycache__/dataset_formatting.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/extras/__pycache__/dataset_formatting.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/extras/best_of_n_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/extras/best_of_n_sampler.py -------------------------------------------------------------------------------- /llava/trl/extras/dataset_formatting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/extras/dataset_formatting.py -------------------------------------------------------------------------------- /llava/trl/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/import_utils.py -------------------------------------------------------------------------------- /llava/trl/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/models/__init__.py -------------------------------------------------------------------------------- /llava/trl/models/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/models/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/models/__pycache__/modeling_base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/models/__pycache__/modeling_base.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/models/__pycache__/modeling_value_head.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/models/__pycache__/modeling_value_head.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/models/__pycache__/utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/models/__pycache__/utils.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/models/modeling_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/models/modeling_base.py -------------------------------------------------------------------------------- /llava/trl/models/modeling_sd_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/models/modeling_sd_base.py -------------------------------------------------------------------------------- /llava/trl/models/modeling_value_head.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/models/modeling_value_head.py -------------------------------------------------------------------------------- /llava/trl/models/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/models/utils.py -------------------------------------------------------------------------------- /llava/trl/trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__init__.py -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/base.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/ddpo_config.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/ddpo_config.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/dpo_trainer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/dpo_trainer.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/iterative_sft_trainer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/iterative_sft_trainer.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/model_config.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/model_config.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/ppo_config.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/ppo_config.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/ppo_trainer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/ppo_trainer.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/reward_config.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/reward_config.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/reward_trainer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/reward_trainer.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/sft_trainer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/sft_trainer.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/__pycache__/utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/__pycache__/utils.cpython-310.pyc -------------------------------------------------------------------------------- /llava/trl/trainer/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/base.py -------------------------------------------------------------------------------- /llava/trl/trainer/ddpo_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/ddpo_config.py -------------------------------------------------------------------------------- /llava/trl/trainer/ddpo_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/ddpo_trainer.py -------------------------------------------------------------------------------- /llava/trl/trainer/dpo_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/dpo_trainer.py -------------------------------------------------------------------------------- /llava/trl/trainer/iterative_sft_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/iterative_sft_trainer.py -------------------------------------------------------------------------------- /llava/trl/trainer/model_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/model_config.py -------------------------------------------------------------------------------- /llava/trl/trainer/ppo_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/ppo_config.py -------------------------------------------------------------------------------- /llava/trl/trainer/ppo_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/ppo_trainer.py -------------------------------------------------------------------------------- /llava/trl/trainer/reward_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/reward_config.py -------------------------------------------------------------------------------- /llava/trl/trainer/reward_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/reward_trainer.py -------------------------------------------------------------------------------- /llava/trl/trainer/sft_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/sft_trainer.py -------------------------------------------------------------------------------- /llava/trl/trainer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/trl/trainer/utils.py -------------------------------------------------------------------------------- /llava/unit_test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/unit_test_utils.py -------------------------------------------------------------------------------- /llava/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/utils.py -------------------------------------------------------------------------------- /llava/utils/__init__.py: -------------------------------------------------------------------------------- 1 | from .utils import * 2 | -------------------------------------------------------------------------------- /llava/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/utils/distributed.py -------------------------------------------------------------------------------- /llava/utils/io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/utils/io.py -------------------------------------------------------------------------------- /llava/utils/merge_lora_weights_and_save_hf_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/utils/merge_lora_weights_and_save_hf_model.py -------------------------------------------------------------------------------- /llava/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/utils/tokenizer.py -------------------------------------------------------------------------------- /llava/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/utils/utils.py -------------------------------------------------------------------------------- /llava/wids/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/wids/__init__.py -------------------------------------------------------------------------------- /llava/wids/wids.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/wids/wids.py -------------------------------------------------------------------------------- /llava/wids/wids_bench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/wids/wids_bench.py -------------------------------------------------------------------------------- /llava/wids/wids_cleanup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/wids/wids_cleanup.py -------------------------------------------------------------------------------- /llava/wids/wids_dir.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/wids/wids_dir.py -------------------------------------------------------------------------------- /llava/wids/wids_dl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/wids/wids_dl.py -------------------------------------------------------------------------------- /llava/wids/wids_index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/wids/wids_index.py -------------------------------------------------------------------------------- /llava/wids/wids_lru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/wids/wids_lru.py -------------------------------------------------------------------------------- /llava/wids/wids_mmtar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/wids/wids_mmtar.py -------------------------------------------------------------------------------- /llava/wids/wids_specs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/wids/wids_specs.py -------------------------------------------------------------------------------- /llava/wids/wids_tar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/llava/wids/wids_tar.py -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/pyproject.toml -------------------------------------------------------------------------------- /scripts/convert_gqa_for_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/convert_gqa_for_eval.py -------------------------------------------------------------------------------- /scripts/convert_karpathy_to_anno.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/convert_karpathy_to_anno.py -------------------------------------------------------------------------------- /scripts/convert_mmbench_for_submission.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/convert_mmbench_for_submission.py -------------------------------------------------------------------------------- /scripts/convert_mmvet_for_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/convert_mmvet_for_eval.py -------------------------------------------------------------------------------- /scripts/convert_seed_for_submission.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/convert_seed_for_submission.py -------------------------------------------------------------------------------- /scripts/convert_sqa_to_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/convert_sqa_to_llava.py -------------------------------------------------------------------------------- /scripts/convert_sqa_to_llava_base_prompt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/convert_sqa_to_llava_base_prompt.py -------------------------------------------------------------------------------- /scripts/convert_vizwiz_for_submission.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/convert_vizwiz_for_submission.py -------------------------------------------------------------------------------- /scripts/convert_vqav2_for_submission.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/convert_vqav2_for_submission.py -------------------------------------------------------------------------------- /scripts/export_peft_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/export_peft_model.py -------------------------------------------------------------------------------- /scripts/extract_mm_projector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/extract_mm_projector.py -------------------------------------------------------------------------------- /scripts/merge_lora_weights.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/merge_lora_weights.py -------------------------------------------------------------------------------- /scripts/zero1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/zero1.json -------------------------------------------------------------------------------- /scripts/zero2.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/zero2.json -------------------------------------------------------------------------------- /scripts/zero3.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/zero3.json -------------------------------------------------------------------------------- /scripts/zero3_mics_mini_fixed.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/zero3_mics_mini_fixed.json -------------------------------------------------------------------------------- /scripts/zero3_mics_tiny_fixed.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/zero3_mics_tiny_fixed.json -------------------------------------------------------------------------------- /scripts/zero3_offload.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/zero3_offload.json -------------------------------------------------------------------------------- /scripts/zero3_offload_inference.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/zero3_offload_inference.json -------------------------------------------------------------------------------- /scripts/zero3pp.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/scripts/zero3pp.json -------------------------------------------------------------------------------- /tests/gpu_tests/test_llava_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/tests/gpu_tests/test_llava_arch.py -------------------------------------------------------------------------------- /tests/gpu_tests/test_packing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/tests/gpu_tests/test_packing.py -------------------------------------------------------------------------------- /tests/import_tests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/tests/import_tests.py -------------------------------------------------------------------------------- /tests/sample_data/llava_arch_test_images/11/image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/tests/sample_data/llava_arch_test_images/11/image.png -------------------------------------------------------------------------------- /tests/sample_data/llava_arch_test_images/23/image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/tests/sample_data/llava_arch_test_images/23/image.png -------------------------------------------------------------------------------- /tests/sample_data/llava_arch_test_images/42/image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/tests/sample_data/llava_arch_test_images/42/image.png -------------------------------------------------------------------------------- /tests/sample_data/llava_arch_test_images/46/image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/tests/sample_data/llava_arch_test_images/46/image.png -------------------------------------------------------------------------------- /tests/sample_data/llava_arch_test_images/5/image.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/tests/sample_data/llava_arch_test_images/5/image.png -------------------------------------------------------------------------------- /tests/sample_data/test_packing.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/tests/sample_data/test_packing.pth -------------------------------------------------------------------------------- /tests/test_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CodeGoat24/LiFT/HEAD/tests/test_tokenizer.py --------------------------------------------------------------------------------