├── .gitignore ├── API ├── API_CLIP │ ├── clip_prs │ │ ├── LICENSE.txt │ │ ├── README.md │ │ ├── environment.yml │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── binary_waterbirds.py │ │ │ ├── constants.py │ │ │ ├── cub_classes.py │ │ │ ├── factory.py │ │ │ ├── hook.py │ │ │ ├── imagenet_classes.py │ │ │ ├── imagenet_segmentation.py │ │ │ ├── misc.py │ │ │ ├── model.py │ │ │ ├── model_configs │ │ │ ├── EVA01-g-14-plus.json │ │ │ ├── EVA01-g-14.json │ │ │ ├── EVA02-B-16.json │ │ │ ├── EVA02-E-14-plus.json │ │ │ ├── EVA02-E-14.json │ │ │ ├── EVA02-L-14-336.json │ │ │ ├── EVA02-L-14.json │ │ │ ├── ViT-B-16-plus-240.json │ │ │ ├── ViT-B-16-plus.json │ │ │ ├── ViT-B-16.json │ │ │ ├── ViT-B-32-plus-256.json │ │ │ ├── ViT-B-32-quickgelu.json │ │ │ ├── ViT-B-32.json │ │ │ ├── ViT-H-14.json │ │ │ ├── ViT-H-16.json │ │ │ ├── ViT-L-14-280.json │ │ │ ├── ViT-L-14-336.json │ │ │ ├── ViT-L-14.json │ │ │ ├── ViT-L-16-320.json │ │ │ ├── ViT-L-16.json │ │ │ ├── ViT-M-16-alt.json │ │ │ ├── ViT-M-16.json │ │ │ ├── ViT-M-32-alt.json │ │ │ ├── ViT-M-32.json │ │ │ ├── ViT-S-16-alt.json │ │ │ ├── ViT-S-16.json │ │ │ ├── ViT-S-32-alt.json │ │ │ ├── ViT-S-32.json │ │ │ ├── ViT-bigG-14.json │ │ │ ├── ViT-e-14.json │ │ │ ├── ViT-g-14.json │ │ │ ├── coca_ViT-B-32.json │ │ │ ├── coca_ViT-L-14.json │ │ │ ├── coca_base.json │ │ │ ├── coca_roberta-ViT-B-32.json │ │ │ ├── mt5-base-ViT-B-32.json │ │ │ ├── mt5-xl-ViT-H-14.json │ │ │ ├── roberta-ViT-B-32.json │ │ │ ├── swin_base_patch4_window7_224.json │ │ │ ├── vit_medium_patch16_gap_256.json │ │ │ ├── vit_relpos_medium_patch16_cls_224.json │ │ │ ├── xlm-roberta-base-ViT-B-32.json │ │ │ └── xlm-roberta-large-ViT-H-14.json │ │ │ ├── modified_resnet.py │ │ │ ├── openai_models.py │ │ │ ├── openai_templates.py │ │ │ ├── pretrained.py │ │ │ ├── segmentation_utils.py │ │ │ ├── timm_model.py │ │ │ ├── tokenizer.py │ │ │ ├── transform.py │ │ │ ├── transformer.py │ │ │ └── vocab │ │ │ └── bpe_simple_vocab_16e6.txt.gz │ ├── hook.py │ └── main.py ├── API_LLaVA │ ├── LLaVA │ │ ├── LICENSE │ │ ├── README.md │ │ ├── llava │ │ │ ├── __init__.py │ │ │ ├── constants.py │ │ │ ├── conversation.py │ │ │ ├── eval │ │ │ │ ├── eval_gpt_review.py │ │ │ │ ├── eval_gpt_review_bench.py │ │ │ │ ├── eval_gpt_review_visual.py │ │ │ │ ├── eval_pope.py │ │ │ │ ├── eval_science_qa.py │ │ │ │ ├── eval_science_qa_gpt4.py │ │ │ │ ├── eval_science_qa_gpt4_requery.py │ │ │ │ ├── eval_textvqa.py │ │ │ │ ├── generate_webpage_data_from_table.py │ │ │ │ ├── m4c_evaluator.py │ │ │ │ ├── model_qa.py │ │ │ │ ├── model_vqa.py │ │ │ │ ├── model_vqa_loader.py │ │ │ │ ├── model_vqa_mmbench.py │ │ │ │ ├── model_vqa_qbench.py │ │ │ │ ├── model_vqa_science.py │ │ │ │ ├── qa_baseline_gpt35.py │ │ │ │ ├── run_llava.py │ │ │ │ ├── summarize_gpt_review.py │ │ │ │ ├── table │ │ │ │ │ ├── answer │ │ │ │ │ │ ├── answer_alpaca-13b.jsonl │ │ │ │ │ │ ├── answer_bard.jsonl │ │ │ │ │ │ ├── answer_gpt35.jsonl │ │ │ │ │ │ ├── answer_llama-13b.jsonl │ │ │ │ │ │ └── answer_vicuna-13b.jsonl │ │ │ │ │ ├── caps_boxes_coco2014_val_80.jsonl │ │ │ │ │ ├── model.jsonl │ │ │ │ │ ├── prompt.jsonl │ │ │ │ │ ├── question.jsonl │ │ │ │ │ ├── results │ │ │ │ │ │ ├── test_sqa_llava_13b_v0.json │ │ │ │ │ │ └── test_sqa_llava_lcs_558k_sqa_12e_vicuna_v1_3_13b.json │ │ │ │ │ ├── review │ │ │ │ │ │ ├── review_alpaca-13b_vicuna-13b.jsonl │ │ │ │ │ │ ├── review_bard_vicuna-13b.jsonl │ │ │ │ │ │ ├── review_gpt35_vicuna-13b.jsonl │ │ │ │ │ │ └── review_llama-13b_vicuna-13b.jsonl │ │ │ │ │ ├── reviewer.jsonl │ │ │ │ │ └── rule.json │ │ │ │ └── webpage │ │ │ │ │ ├── figures │ │ │ │ │ ├── alpaca.png │ │ │ │ │ ├── bard.jpg │ │ │ │ │ ├── chatgpt.svg │ │ │ │ │ ├── llama.jpg │ │ │ │ │ ├── swords_FILL0_wght300_GRAD0_opsz48.svg │ │ │ │ │ └── vicuna.jpeg │ │ │ │ │ ├── index.html │ │ │ │ │ ├── script.js │ │ │ │ │ └── styles.css │ │ │ ├── hook.py │ │ │ ├── mm_utils.py │ │ │ ├── model │ │ │ │ ├── __init__.py │ │ │ │ ├── apply_delta.py │ │ │ │ ├── builder.py │ │ │ │ ├── consolidate.py │ │ │ │ ├── language_model │ │ │ │ │ ├── llava_llama.py │ │ │ │ │ ├── llava_mpt.py │ │ │ │ │ └── mpt │ │ │ │ │ │ ├── adapt_tokenizer.py │ │ │ │ │ │ ├── attention.py │ │ │ │ │ │ ├── blocks.py │ │ │ │ │ │ ├── configuration_mpt.py │ │ │ │ │ │ ├── custom_embedding.py │ │ │ │ │ │ ├── flash_attn_triton.py │ │ │ │ │ │ ├── hf_prefixlm_converter.py │ │ │ │ │ │ ├── meta_init_context.py │ │ │ │ │ │ ├── modeling_mpt.py │ │ │ │ │ │ ├── norm.py │ │ │ │ │ │ └── param_init_fns.py │ │ │ │ ├── llava_arch.py │ │ │ │ ├── make_delta.py │ │ │ │ ├── multimodal_encoder │ │ │ │ │ ├── builder.py │ │ │ │ │ └── clip_encoder.py │ │ │ │ ├── multimodal_projector │ │ │ │ │ └── builder.py │ │ │ │ └── utils.py │ │ │ ├── serve │ │ │ │ ├── __init__.py │ │ │ │ ├── cli.py │ │ │ │ ├── controller.py │ │ │ │ ├── examples │ │ │ │ │ ├── extreme_ironing.jpg │ │ │ │ │ └── waterview.jpg │ │ │ │ ├── gradio_web_server.py │ │ │ │ ├── model_worker.py │ │ │ │ ├── register_worker.py │ │ │ │ └── test_message.py │ │ │ ├── train │ │ │ │ ├── llama_flash_attn_monkey_patch.py │ │ │ │ ├── llama_xformers_attn_monkey_patch.py │ │ │ │ ├── llava_trainer.py │ │ │ │ ├── train.py │ │ │ │ ├── train_mem.py │ │ │ │ └── train_xformers.py │ │ │ ├── transformers │ │ │ │ ├── __init__.py │ │ │ │ ├── activations.py │ │ │ │ ├── activations_tf.py │ │ │ │ ├── audio_utils.py │ │ │ │ ├── benchmark │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── benchmark.py │ │ │ │ │ ├── benchmark_args.py │ │ │ │ │ ├── benchmark_args_tf.py │ │ │ │ │ ├── benchmark_args_utils.py │ │ │ │ │ ├── benchmark_tf.py │ │ │ │ │ └── benchmark_utils.py │ │ │ │ ├── commands │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── add_new_model.py │ │ │ │ │ ├── add_new_model_like.py │ │ │ │ │ ├── convert.py │ │ │ │ │ ├── download.py │ │ │ │ │ ├── env.py │ │ │ │ │ ├── lfs.py │ │ │ │ │ ├── pt_to_tf.py │ │ │ │ │ ├── run.py │ │ │ │ │ ├── serving.py │ │ │ │ │ ├── train.py │ │ │ │ │ ├── transformers_cli.py │ │ │ │ │ └── user.py │ │ │ │ ├── configuration_utils.py │ │ │ │ ├── convert_graph_to_onnx.py │ │ │ │ ├── convert_pytorch_checkpoint_to_tf2.py │ │ │ │ ├── convert_slow_tokenizer.py │ │ │ │ ├── convert_slow_tokenizers_checkpoints_to_fast.py │ │ │ │ ├── convert_tf_hub_seq_to_seq_bert_to_pytorch.py │ │ │ │ ├── data │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── data_collator.py │ │ │ │ │ ├── datasets │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── glue.py │ │ │ │ │ │ ├── language_modeling.py │ │ │ │ │ │ └── squad.py │ │ │ │ │ ├── metrics │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── squad_metrics.py │ │ │ │ │ └── processors │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── glue.py │ │ │ │ │ │ ├── squad.py │ │ │ │ │ │ ├── utils.py │ │ │ │ │ │ └── xnli.py │ │ │ │ ├── debug_utils.py │ │ │ │ ├── deepspeed.py │ │ │ │ ├── dependency_versions_check.py │ │ │ │ ├── dependency_versions_table.py │ │ │ │ ├── dynamic_module_utils.py │ │ │ │ ├── feature_extraction_sequence_utils.py │ │ │ │ ├── feature_extraction_utils.py │ │ │ │ ├── file_utils.py │ │ │ │ ├── generation │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── beam_constraints.py │ │ │ │ │ ├── beam_search.py │ │ │ │ │ ├── configuration_utils.py │ │ │ │ │ ├── flax_logits_process.py │ │ │ │ │ ├── flax_utils.py │ │ │ │ │ ├── logits_process.py │ │ │ │ │ ├── stopping_criteria.py │ │ │ │ │ ├── streamers.py │ │ │ │ │ ├── tf_logits_process.py │ │ │ │ │ ├── tf_utils.py │ │ │ │ │ └── utils.py │ │ │ │ ├── generation_flax_utils.py │ │ │ │ ├── generation_tf_utils.py │ │ │ │ ├── generation_utils.py │ │ │ │ ├── hf_argparser.py │ │ │ │ ├── hyperparameter_search.py │ │ │ │ ├── image_processing_utils.py │ │ │ │ ├── image_transforms.py │ │ │ │ ├── image_utils.py │ │ │ │ ├── integrations.py │ │ │ │ ├── keras_callbacks.py │ │ │ │ ├── kernels │ │ │ │ │ ├── deformable_detr │ │ │ │ │ │ ├── cpu │ │ │ │ │ │ │ ├── ms_deform_attn_cpu.cpp │ │ │ │ │ │ │ └── ms_deform_attn_cpu.h │ │ │ │ │ │ ├── cuda │ │ │ │ │ │ │ ├── ms_deform_attn_cuda.cu │ │ │ │ │ │ │ ├── ms_deform_attn_cuda.cuh │ │ │ │ │ │ │ ├── ms_deform_attn_cuda.h │ │ │ │ │ │ │ └── ms_deform_im2col_cuda.cuh │ │ │ │ │ │ ├── ms_deform_attn.h │ │ │ │ │ │ └── vision.cpp │ │ │ │ │ ├── mra │ │ │ │ │ │ ├── cuda_kernel.cu │ │ │ │ │ │ ├── cuda_kernel.h │ │ │ │ │ │ ├── cuda_launch.cu │ │ │ │ │ │ ├── cuda_launch.h │ │ │ │ │ │ └── torch_extension.cpp │ │ │ │ │ ├── rwkv │ │ │ │ │ │ ├── wkv_cuda.cu │ │ │ │ │ │ ├── wkv_cuda_bf16.cu │ │ │ │ │ │ └── wkv_op.cpp │ │ │ │ │ └── yoso │ │ │ │ │ │ ├── common.h │ │ │ │ │ │ ├── common_cuda.h │ │ │ │ │ │ ├── common_cuda_device.h │ │ │ │ │ │ ├── fast_lsh_cumulation.cu │ │ │ │ │ │ ├── fast_lsh_cumulation.h │ │ │ │ │ │ ├── fast_lsh_cumulation_cuda.cu │ │ │ │ │ │ ├── fast_lsh_cumulation_cuda.h │ │ │ │ │ │ └── fast_lsh_cumulation_torch.cpp │ │ │ │ ├── modelcard.py │ │ │ │ ├── modeling_flax_outputs.py │ │ │ │ ├── modeling_flax_pytorch_utils.py │ │ │ │ ├── modeling_flax_utils.py │ │ │ │ ├── modeling_outputs.py │ │ │ │ ├── modeling_tf_outputs.py │ │ │ │ ├── modeling_tf_pytorch_utils.py │ │ │ │ ├── modeling_tf_utils.py │ │ │ │ ├── modeling_utils.py │ │ │ │ ├── models │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── albert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_albert.py │ │ │ │ │ │ ├── convert_albert_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_albert.py │ │ │ │ │ │ ├── modeling_flax_albert.py │ │ │ │ │ │ ├── modeling_tf_albert.py │ │ │ │ │ │ ├── tokenization_albert.py │ │ │ │ │ │ └── tokenization_albert_fast.py │ │ │ │ │ ├── align │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_align.py │ │ │ │ │ │ ├── convert_align_tf_to_hf.py │ │ │ │ │ │ ├── modeling_align.py │ │ │ │ │ │ └── processing_align.py │ │ │ │ │ ├── altclip │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_altclip.py │ │ │ │ │ │ ├── modeling_altclip.py │ │ │ │ │ │ └── processing_altclip.py │ │ │ │ │ ├── audio_spectrogram_transformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_audio_spectrogram_transformer.py │ │ │ │ │ │ ├── convert_audio_spectrogram_transformer_original_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_audio_spectrogram_transformer.py │ │ │ │ │ │ └── modeling_audio_spectrogram_transformer.py │ │ │ │ │ ├── auto │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── auto_factory.py │ │ │ │ │ │ ├── configuration_auto.py │ │ │ │ │ │ ├── feature_extraction_auto.py │ │ │ │ │ │ ├── image_processing_auto.py │ │ │ │ │ │ ├── modeling_auto.py │ │ │ │ │ │ ├── modeling_flax_auto.py │ │ │ │ │ │ ├── modeling_tf_auto.py │ │ │ │ │ │ ├── processing_auto.py │ │ │ │ │ │ └── tokenization_auto.py │ │ │ │ │ ├── autoformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_autoformer.py │ │ │ │ │ │ └── modeling_autoformer.py │ │ │ │ │ ├── bark │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_bark.py │ │ │ │ │ │ ├── convert_suno_to_hf.py │ │ │ │ │ │ ├── generation_configuration_bark.py │ │ │ │ │ │ ├── modeling_bark.py │ │ │ │ │ │ └── processing_bark.py │ │ │ │ │ ├── bart │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_bart.py │ │ │ │ │ │ ├── convert_bart_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_bart.py │ │ │ │ │ │ ├── modeling_flax_bart.py │ │ │ │ │ │ ├── modeling_tf_bart.py │ │ │ │ │ │ ├── tokenization_bart.py │ │ │ │ │ │ └── tokenization_bart_fast.py │ │ │ │ │ ├── barthez │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── tokenization_barthez.py │ │ │ │ │ │ └── tokenization_barthez_fast.py │ │ │ │ │ ├── bartpho │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── tokenization_bartpho.py │ │ │ │ │ ├── beit │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_beit.py │ │ │ │ │ │ ├── convert_beit_unilm_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_beit.py │ │ │ │ │ │ ├── image_processing_beit.py │ │ │ │ │ │ ├── modeling_beit.py │ │ │ │ │ │ └── modeling_flax_beit.py │ │ │ │ │ ├── bert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_bert.py │ │ │ │ │ │ ├── convert_bert_original_tf2_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_bert_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_bert_pytorch_checkpoint_to_original_tf.py │ │ │ │ │ │ ├── convert_bert_token_dropping_original_tf2_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_bert.py │ │ │ │ │ │ ├── modeling_flax_bert.py │ │ │ │ │ │ ├── modeling_tf_bert.py │ │ │ │ │ │ ├── tokenization_bert.py │ │ │ │ │ │ ├── tokenization_bert_fast.py │ │ │ │ │ │ └── tokenization_bert_tf.py │ │ │ │ │ ├── bert_generation │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_bert_generation.py │ │ │ │ │ │ ├── modeling_bert_generation.py │ │ │ │ │ │ └── tokenization_bert_generation.py │ │ │ │ │ ├── bert_japanese │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── tokenization_bert_japanese.py │ │ │ │ │ ├── bertweet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── tokenization_bertweet.py │ │ │ │ │ ├── big_bird │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_big_bird.py │ │ │ │ │ │ ├── convert_bigbird_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_big_bird.py │ │ │ │ │ │ ├── modeling_flax_big_bird.py │ │ │ │ │ │ ├── tokenization_big_bird.py │ │ │ │ │ │ └── tokenization_big_bird_fast.py │ │ │ │ │ ├── bigbird_pegasus │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_bigbird_pegasus.py │ │ │ │ │ │ ├── convert_bigbird_pegasus_tf_to_pytorch.py │ │ │ │ │ │ └── modeling_bigbird_pegasus.py │ │ │ │ │ ├── biogpt │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_biogpt.py │ │ │ │ │ │ ├── convert_biogpt_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_biogpt.py │ │ │ │ │ │ └── tokenization_biogpt.py │ │ │ │ │ ├── bit │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_bit.py │ │ │ │ │ │ ├── convert_bit_to_pytorch.py │ │ │ │ │ │ ├── image_processing_bit.py │ │ │ │ │ │ └── modeling_bit.py │ │ │ │ │ ├── blenderbot │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_blenderbot.py │ │ │ │ │ │ ├── convert_blenderbot_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_blenderbot.py │ │ │ │ │ │ ├── modeling_flax_blenderbot.py │ │ │ │ │ │ ├── modeling_tf_blenderbot.py │ │ │ │ │ │ ├── tokenization_blenderbot.py │ │ │ │ │ │ └── tokenization_blenderbot_fast.py │ │ │ │ │ ├── blenderbot_small │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_blenderbot_small.py │ │ │ │ │ │ ├── modeling_blenderbot_small.py │ │ │ │ │ │ ├── modeling_flax_blenderbot_small.py │ │ │ │ │ │ ├── modeling_tf_blenderbot_small.py │ │ │ │ │ │ ├── tokenization_blenderbot_small.py │ │ │ │ │ │ └── tokenization_blenderbot_small_fast.py │ │ │ │ │ ├── blip │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_blip.py │ │ │ │ │ │ ├── convert_blip_original_pytorch_to_hf.py │ │ │ │ │ │ ├── image_processing_blip.py │ │ │ │ │ │ ├── modeling_blip.py │ │ │ │ │ │ ├── modeling_blip_text.py │ │ │ │ │ │ ├── modeling_tf_blip.py │ │ │ │ │ │ ├── modeling_tf_blip_text.py │ │ │ │ │ │ └── processing_blip.py │ │ │ │ │ ├── blip_2 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_blip_2.py │ │ │ │ │ │ ├── convert_blip_2_original_to_pytorch.py │ │ │ │ │ │ ├── modeling_blip_2.py │ │ │ │ │ │ └── processing_blip_2.py │ │ │ │ │ ├── bloom │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_bloom.py │ │ │ │ │ │ ├── convert_bloom_original_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_bloom.py │ │ │ │ │ │ └── tokenization_bloom_fast.py │ │ │ │ │ ├── bridgetower │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_bridgetower.py │ │ │ │ │ │ ├── image_processing_bridgetower.py │ │ │ │ │ │ ├── modeling_bridgetower.py │ │ │ │ │ │ └── processing_bridgetower.py │ │ │ │ │ ├── byt5 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── convert_byt5_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ └── tokenization_byt5.py │ │ │ │ │ ├── camembert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_camembert.py │ │ │ │ │ │ ├── modeling_camembert.py │ │ │ │ │ │ ├── modeling_tf_camembert.py │ │ │ │ │ │ ├── tokenization_camembert.py │ │ │ │ │ │ └── tokenization_camembert_fast.py │ │ │ │ │ ├── canine │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_canine.py │ │ │ │ │ │ ├── convert_canine_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_canine.py │ │ │ │ │ │ └── tokenization_canine.py │ │ │ │ │ ├── chinese_clip │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_chinese_clip.py │ │ │ │ │ │ ├── convert_chinese_clip_original_pytorch_to_hf.py │ │ │ │ │ │ ├── feature_extraction_chinese_clip.py │ │ │ │ │ │ ├── image_processing_chinese_clip.py │ │ │ │ │ │ ├── modeling_chinese_clip.py │ │ │ │ │ │ └── processing_chinese_clip.py │ │ │ │ │ ├── clap │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_clap.py │ │ │ │ │ │ ├── convert_clap_original_pytorch_to_hf.py │ │ │ │ │ │ ├── feature_extraction_clap.py │ │ │ │ │ │ ├── modeling_clap.py │ │ │ │ │ │ └── processing_clap.py │ │ │ │ │ ├── clip │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_clip.py │ │ │ │ │ │ ├── convert_clip_original_pytorch_to_hf.py │ │ │ │ │ │ ├── feature_extraction_clip.py │ │ │ │ │ │ ├── image_processing_clip.py │ │ │ │ │ │ ├── modeling_clip.py │ │ │ │ │ │ ├── modeling_flax_clip.py │ │ │ │ │ │ ├── modeling_tf_clip.py │ │ │ │ │ │ ├── processing_clip.py │ │ │ │ │ │ ├── tokenization_clip.py │ │ │ │ │ │ └── tokenization_clip_fast.py │ │ │ │ │ ├── clipseg │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_clipseg.py │ │ │ │ │ │ ├── convert_clipseg_original_pytorch_to_hf.py │ │ │ │ │ │ ├── modeling_clipseg.py │ │ │ │ │ │ └── processing_clipseg.py │ │ │ │ │ ├── codegen │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_codegen.py │ │ │ │ │ │ ├── modeling_codegen.py │ │ │ │ │ │ ├── tokenization_codegen.py │ │ │ │ │ │ └── tokenization_codegen_fast.py │ │ │ │ │ ├── conditional_detr │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_conditional_detr.py │ │ │ │ │ │ ├── convert_conditional_detr_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_conditional_detr.py │ │ │ │ │ │ ├── image_processing_conditional_detr.py │ │ │ │ │ │ └── modeling_conditional_detr.py │ │ │ │ │ ├── convbert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_convbert.py │ │ │ │ │ │ ├── convert_convbert_original_tf1_checkpoint_to_pytorch_and_tf2.py │ │ │ │ │ │ ├── modeling_convbert.py │ │ │ │ │ │ ├── modeling_tf_convbert.py │ │ │ │ │ │ ├── tokenization_convbert.py │ │ │ │ │ │ └── tokenization_convbert_fast.py │ │ │ │ │ ├── convnext │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_convnext.py │ │ │ │ │ │ ├── convert_convnext_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_convnext.py │ │ │ │ │ │ ├── image_processing_convnext.py │ │ │ │ │ │ ├── modeling_convnext.py │ │ │ │ │ │ └── modeling_tf_convnext.py │ │ │ │ │ ├── convnextv2 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_convnextv2.py │ │ │ │ │ │ ├── convert_convnextv2_to_pytorch.py │ │ │ │ │ │ └── modeling_convnextv2.py │ │ │ │ │ ├── cpm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── tokenization_cpm.py │ │ │ │ │ │ └── tokenization_cpm_fast.py │ │ │ │ │ ├── cpmant │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_cpmant.py │ │ │ │ │ │ ├── modeling_cpmant.py │ │ │ │ │ │ └── tokenization_cpmant.py │ │ │ │ │ ├── ctrl │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_ctrl.py │ │ │ │ │ │ ├── modeling_ctrl.py │ │ │ │ │ │ ├── modeling_tf_ctrl.py │ │ │ │ │ │ └── tokenization_ctrl.py │ │ │ │ │ ├── cvt │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_cvt.py │ │ │ │ │ │ ├── convert_cvt_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_cvt.py │ │ │ │ │ │ └── modeling_tf_cvt.py │ │ │ │ │ ├── data2vec │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_data2vec_audio.py │ │ │ │ │ │ ├── configuration_data2vec_text.py │ │ │ │ │ │ ├── configuration_data2vec_vision.py │ │ │ │ │ │ ├── convert_data2vec_audio_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_data2vec_text_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_data2vec_vision_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_data2vec_audio.py │ │ │ │ │ │ ├── modeling_data2vec_text.py │ │ │ │ │ │ ├── modeling_data2vec_vision.py │ │ │ │ │ │ └── modeling_tf_data2vec_vision.py │ │ │ │ │ ├── deberta │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_deberta.py │ │ │ │ │ │ ├── modeling_deberta.py │ │ │ │ │ │ ├── modeling_tf_deberta.py │ │ │ │ │ │ ├── tokenization_deberta.py │ │ │ │ │ │ └── tokenization_deberta_fast.py │ │ │ │ │ ├── deberta_v2 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_deberta_v2.py │ │ │ │ │ │ ├── modeling_deberta_v2.py │ │ │ │ │ │ ├── modeling_tf_deberta_v2.py │ │ │ │ │ │ ├── tokenization_deberta_v2.py │ │ │ │ │ │ └── tokenization_deberta_v2_fast.py │ │ │ │ │ ├── decision_transformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_decision_transformer.py │ │ │ │ │ │ └── modeling_decision_transformer.py │ │ │ │ │ ├── deformable_detr │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_deformable_detr.py │ │ │ │ │ │ ├── convert_deformable_detr_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_deformable_detr.py │ │ │ │ │ │ ├── image_processing_deformable_detr.py │ │ │ │ │ │ ├── load_custom.py │ │ │ │ │ │ └── modeling_deformable_detr.py │ │ │ │ │ ├── deit │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_deit.py │ │ │ │ │ │ ├── convert_deit_timm_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_deit.py │ │ │ │ │ │ ├── image_processing_deit.py │ │ │ │ │ │ ├── modeling_deit.py │ │ │ │ │ │ └── modeling_tf_deit.py │ │ │ │ │ ├── deprecated │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── bort │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ └── convert_bort_original_gluonnlp_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── mctct │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ ├── configuration_mctct.py │ │ │ │ │ │ │ ├── feature_extraction_mctct.py │ │ │ │ │ │ │ ├── modeling_mctct.py │ │ │ │ │ │ │ └── processing_mctct.py │ │ │ │ │ │ ├── mmbt │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ ├── configuration_mmbt.py │ │ │ │ │ │ │ └── modeling_mmbt.py │ │ │ │ │ │ ├── retribert │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ ├── configuration_retribert.py │ │ │ │ │ │ │ ├── modeling_retribert.py │ │ │ │ │ │ │ ├── tokenization_retribert.py │ │ │ │ │ │ │ └── tokenization_retribert_fast.py │ │ │ │ │ │ ├── tapex │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ └── tokenization_tapex.py │ │ │ │ │ │ ├── trajectory_transformer │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ ├── configuration_trajectory_transformer.py │ │ │ │ │ │ │ ├── convert_trajectory_transformer_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ │ └── modeling_trajectory_transformer.py │ │ │ │ │ │ └── van │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ ├── configuration_van.py │ │ │ │ │ │ │ ├── convert_van_to_pytorch.py │ │ │ │ │ │ │ └── modeling_van.py │ │ │ │ │ ├── deta │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_deta.py │ │ │ │ │ │ ├── convert_deta_resnet_to_pytorch.py │ │ │ │ │ │ ├── convert_deta_swin_to_pytorch.py │ │ │ │ │ │ ├── image_processing_deta.py │ │ │ │ │ │ └── modeling_deta.py │ │ │ │ │ ├── detr │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_detr.py │ │ │ │ │ │ ├── convert_detr_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_detr_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_detr.py │ │ │ │ │ │ ├── image_processing_detr.py │ │ │ │ │ │ └── modeling_detr.py │ │ │ │ │ ├── dialogpt │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── convert_dialogpt_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ ├── dinat │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_dinat.py │ │ │ │ │ │ └── modeling_dinat.py │ │ │ │ │ ├── distilbert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_distilbert.py │ │ │ │ │ │ ├── modeling_distilbert.py │ │ │ │ │ │ ├── modeling_flax_distilbert.py │ │ │ │ │ │ ├── modeling_tf_distilbert.py │ │ │ │ │ │ ├── tokenization_distilbert.py │ │ │ │ │ │ └── tokenization_distilbert_fast.py │ │ │ │ │ ├── dit │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── convert_dit_unilm_to_pytorch.py │ │ │ │ │ ├── donut │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_donut_swin.py │ │ │ │ │ │ ├── convert_donut_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_donut.py │ │ │ │ │ │ ├── image_processing_donut.py │ │ │ │ │ │ ├── modeling_donut_swin.py │ │ │ │ │ │ └── processing_donut.py │ │ │ │ │ ├── dpr │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_dpr.py │ │ │ │ │ │ ├── convert_dpr_original_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_dpr.py │ │ │ │ │ │ ├── modeling_tf_dpr.py │ │ │ │ │ │ ├── tokenization_dpr.py │ │ │ │ │ │ └── tokenization_dpr_fast.py │ │ │ │ │ ├── dpt │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_dpt.py │ │ │ │ │ │ ├── convert_dpt_hybrid_to_pytorch.py │ │ │ │ │ │ ├── convert_dpt_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_dpt.py │ │ │ │ │ │ ├── image_processing_dpt.py │ │ │ │ │ │ └── modeling_dpt.py │ │ │ │ │ ├── efficientformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_efficientformer.py │ │ │ │ │ │ ├── convert_efficientformer_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── image_processing_efficientformer.py │ │ │ │ │ │ ├── modeling_efficientformer.py │ │ │ │ │ │ └── modeling_tf_efficientformer.py │ │ │ │ │ ├── efficientnet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_efficientnet.py │ │ │ │ │ │ ├── convert_efficientnet_to_pytorch.py │ │ │ │ │ │ ├── image_processing_efficientnet.py │ │ │ │ │ │ └── modeling_efficientnet.py │ │ │ │ │ ├── electra │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_electra.py │ │ │ │ │ │ ├── convert_electra_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_electra.py │ │ │ │ │ │ ├── modeling_flax_electra.py │ │ │ │ │ │ ├── modeling_tf_electra.py │ │ │ │ │ │ ├── tokenization_electra.py │ │ │ │ │ │ └── tokenization_electra_fast.py │ │ │ │ │ ├── encodec │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_encodec.py │ │ │ │ │ │ ├── convert_encodec_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_encodec.py │ │ │ │ │ │ └── modeling_encodec.py │ │ │ │ │ ├── encoder_decoder │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_encoder_decoder.py │ │ │ │ │ │ ├── modeling_encoder_decoder.py │ │ │ │ │ │ ├── modeling_flax_encoder_decoder.py │ │ │ │ │ │ └── modeling_tf_encoder_decoder.py │ │ │ │ │ ├── ernie │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_ernie.py │ │ │ │ │ │ └── modeling_ernie.py │ │ │ │ │ ├── ernie_m │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_ernie_m.py │ │ │ │ │ │ ├── modeling_ernie_m.py │ │ │ │ │ │ └── tokenization_ernie_m.py │ │ │ │ │ ├── esm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_esm.py │ │ │ │ │ │ ├── convert_esm.py │ │ │ │ │ │ ├── modeling_esm.py │ │ │ │ │ │ ├── modeling_esmfold.py │ │ │ │ │ │ ├── modeling_tf_esm.py │ │ │ │ │ │ ├── openfold_utils │ │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ │ ├── chunk_utils.py │ │ │ │ │ │ │ ├── data_transforms.py │ │ │ │ │ │ │ ├── feats.py │ │ │ │ │ │ │ ├── loss.py │ │ │ │ │ │ │ ├── protein.py │ │ │ │ │ │ │ ├── residue_constants.py │ │ │ │ │ │ │ ├── rigid_utils.py │ │ │ │ │ │ │ └── tensor_utils.py │ │ │ │ │ │ └── tokenization_esm.py │ │ │ │ │ ├── falcon │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_falcon.py │ │ │ │ │ │ └── modeling_falcon.py │ │ │ │ │ ├── flaubert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_flaubert.py │ │ │ │ │ │ ├── modeling_flaubert.py │ │ │ │ │ │ ├── modeling_tf_flaubert.py │ │ │ │ │ │ └── tokenization_flaubert.py │ │ │ │ │ ├── flava │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_flava.py │ │ │ │ │ │ ├── convert_dalle_to_flava_codebook.py │ │ │ │ │ │ ├── convert_flava_original_pytorch_to_hf.py │ │ │ │ │ │ ├── feature_extraction_flava.py │ │ │ │ │ │ ├── image_processing_flava.py │ │ │ │ │ │ ├── modeling_flava.py │ │ │ │ │ │ └── processing_flava.py │ │ │ │ │ ├── fnet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_fnet.py │ │ │ │ │ │ ├── convert_fnet_original_flax_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_fnet.py │ │ │ │ │ │ ├── tokenization_fnet.py │ │ │ │ │ │ └── tokenization_fnet_fast.py │ │ │ │ │ ├── focalnet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_focalnet.py │ │ │ │ │ │ ├── convert_focalnet_to_hf_format.py │ │ │ │ │ │ └── modeling_focalnet.py │ │ │ │ │ ├── fsmt │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_fsmt.py │ │ │ │ │ │ ├── convert_fsmt_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_fsmt.py │ │ │ │ │ │ └── tokenization_fsmt.py │ │ │ │ │ ├── funnel │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_funnel.py │ │ │ │ │ │ ├── convert_funnel_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_funnel.py │ │ │ │ │ │ ├── modeling_tf_funnel.py │ │ │ │ │ │ ├── tokenization_funnel.py │ │ │ │ │ │ └── tokenization_funnel_fast.py │ │ │ │ │ ├── git │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_git.py │ │ │ │ │ │ ├── convert_git_to_pytorch.py │ │ │ │ │ │ ├── modeling_git.py │ │ │ │ │ │ └── processing_git.py │ │ │ │ │ ├── glpn │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_glpn.py │ │ │ │ │ │ ├── convert_glpn_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_glpn.py │ │ │ │ │ │ ├── image_processing_glpn.py │ │ │ │ │ │ └── modeling_glpn.py │ │ │ │ │ ├── gpt2 │ │ │ │ │ │ ├── CONVERSION.md │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_gpt2.py │ │ │ │ │ │ ├── convert_gpt2_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_gpt2.py │ │ │ │ │ │ ├── modeling_gpt2.py │ │ │ │ │ │ ├── modeling_tf_gpt2.py │ │ │ │ │ │ ├── tokenization_gpt2.py │ │ │ │ │ │ ├── tokenization_gpt2_fast.py │ │ │ │ │ │ └── tokenization_gpt2_tf.py │ │ │ │ │ ├── gpt_bigcode │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_gpt_bigcode.py │ │ │ │ │ │ └── modeling_gpt_bigcode.py │ │ │ │ │ ├── gpt_neo │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_gpt_neo.py │ │ │ │ │ │ ├── convert_gpt_neo_mesh_tf_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_gpt_neo.py │ │ │ │ │ │ └── modeling_gpt_neo.py │ │ │ │ │ ├── gpt_neox │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_gpt_neox.py │ │ │ │ │ │ ├── modeling_gpt_neox.py │ │ │ │ │ │ └── tokenization_gpt_neox_fast.py │ │ │ │ │ ├── gpt_neox_japanese │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_gpt_neox_japanese.py │ │ │ │ │ │ ├── modeling_gpt_neox_japanese.py │ │ │ │ │ │ └── tokenization_gpt_neox_japanese.py │ │ │ │ │ ├── gpt_sw3 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── convert_megatron_to_pytorch.py │ │ │ │ │ │ └── tokenization_gpt_sw3.py │ │ │ │ │ ├── gptj │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_gptj.py │ │ │ │ │ │ ├── modeling_flax_gptj.py │ │ │ │ │ │ ├── modeling_gptj.py │ │ │ │ │ │ └── modeling_tf_gptj.py │ │ │ │ │ ├── gptsan_japanese │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_gptsan_japanese.py │ │ │ │ │ │ ├── convert_gptsan_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_gptsan_japanese.py │ │ │ │ │ │ └── tokenization_gptsan_japanese.py │ │ │ │ │ ├── graphormer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── algos_graphormer.pyx │ │ │ │ │ │ ├── collating_graphormer.py │ │ │ │ │ │ ├── configuration_graphormer.py │ │ │ │ │ │ └── modeling_graphormer.py │ │ │ │ │ ├── groupvit │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_groupvit.py │ │ │ │ │ │ ├── convert_groupvit_nvlab_to_hf.py │ │ │ │ │ │ ├── modeling_groupvit.py │ │ │ │ │ │ └── modeling_tf_groupvit.py │ │ │ │ │ ├── herbert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── tokenization_herbert.py │ │ │ │ │ │ └── tokenization_herbert_fast.py │ │ │ │ │ ├── hubert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_hubert.py │ │ │ │ │ │ ├── convert_distilhubert_original_s3prl_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_hubert_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_hubert_original_s3prl_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_hubert.py │ │ │ │ │ │ └── modeling_tf_hubert.py │ │ │ │ │ ├── ibert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_ibert.py │ │ │ │ │ │ ├── modeling_ibert.py │ │ │ │ │ │ └── quant_modules.py │ │ │ │ │ ├── imagegpt │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_imagegpt.py │ │ │ │ │ │ ├── convert_imagegpt_original_tf2_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_imagegpt.py │ │ │ │ │ │ ├── image_processing_imagegpt.py │ │ │ │ │ │ └── modeling_imagegpt.py │ │ │ │ │ ├── informer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_informer.py │ │ │ │ │ │ └── modeling_informer.py │ │ │ │ │ ├── instructblip │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_instructblip.py │ │ │ │ │ │ ├── convert_instructblip_original_to_pytorch.py │ │ │ │ │ │ ├── modeling_instructblip.py │ │ │ │ │ │ └── processing_instructblip.py │ │ │ │ │ ├── jukebox │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_jukebox.py │ │ │ │ │ │ ├── convert_jukebox.py │ │ │ │ │ │ ├── modeling_jukebox.py │ │ │ │ │ │ └── tokenization_jukebox.py │ │ │ │ │ ├── layoutlm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_layoutlm.py │ │ │ │ │ │ ├── modeling_layoutlm.py │ │ │ │ │ │ ├── modeling_tf_layoutlm.py │ │ │ │ │ │ ├── tokenization_layoutlm.py │ │ │ │ │ │ └── tokenization_layoutlm_fast.py │ │ │ │ │ ├── layoutlmv2 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_layoutlmv2.py │ │ │ │ │ │ ├── feature_extraction_layoutlmv2.py │ │ │ │ │ │ ├── image_processing_layoutlmv2.py │ │ │ │ │ │ ├── modeling_layoutlmv2.py │ │ │ │ │ │ ├── processing_layoutlmv2.py │ │ │ │ │ │ ├── tokenization_layoutlmv2.py │ │ │ │ │ │ └── tokenization_layoutlmv2_fast.py │ │ │ │ │ ├── layoutlmv3 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_layoutlmv3.py │ │ │ │ │ │ ├── feature_extraction_layoutlmv3.py │ │ │ │ │ │ ├── image_processing_layoutlmv3.py │ │ │ │ │ │ ├── modeling_layoutlmv3.py │ │ │ │ │ │ ├── modeling_tf_layoutlmv3.py │ │ │ │ │ │ ├── processing_layoutlmv3.py │ │ │ │ │ │ ├── tokenization_layoutlmv3.py │ │ │ │ │ │ └── tokenization_layoutlmv3_fast.py │ │ │ │ │ ├── layoutxlm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── processing_layoutxlm.py │ │ │ │ │ │ ├── tokenization_layoutxlm.py │ │ │ │ │ │ └── tokenization_layoutxlm_fast.py │ │ │ │ │ ├── led │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_led.py │ │ │ │ │ │ ├── modeling_led.py │ │ │ │ │ │ ├── modeling_tf_led.py │ │ │ │ │ │ ├── tokenization_led.py │ │ │ │ │ │ └── tokenization_led_fast.py │ │ │ │ │ ├── levit │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_levit.py │ │ │ │ │ │ ├── convert_levit_timm_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_levit.py │ │ │ │ │ │ ├── image_processing_levit.py │ │ │ │ │ │ └── modeling_levit.py │ │ │ │ │ ├── lilt │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_lilt.py │ │ │ │ │ │ └── modeling_lilt.py │ │ │ │ │ ├── llama │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_llama.py │ │ │ │ │ │ ├── convert_llama_weights_to_hf.py │ │ │ │ │ │ ├── modeling_llama.py │ │ │ │ │ │ ├── tokenization_llama.py │ │ │ │ │ │ └── tokenization_llama_fast.py │ │ │ │ │ ├── longformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_longformer.py │ │ │ │ │ │ ├── convert_longformer_original_pytorch_lightning_to_pytorch.py │ │ │ │ │ │ ├── modeling_longformer.py │ │ │ │ │ │ ├── modeling_tf_longformer.py │ │ │ │ │ │ ├── tokenization_longformer.py │ │ │ │ │ │ └── tokenization_longformer_fast.py │ │ │ │ │ ├── longt5 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_longt5.py │ │ │ │ │ │ ├── convert_longt5x_checkpoint_to_flax.py │ │ │ │ │ │ ├── modeling_flax_longt5.py │ │ │ │ │ │ └── modeling_longt5.py │ │ │ │ │ ├── luke │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_luke.py │ │ │ │ │ │ ├── convert_luke_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_luke.py │ │ │ │ │ │ └── tokenization_luke.py │ │ │ │ │ ├── lxmert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_lxmert.py │ │ │ │ │ │ ├── convert_lxmert_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_lxmert.py │ │ │ │ │ │ ├── modeling_tf_lxmert.py │ │ │ │ │ │ ├── tokenization_lxmert.py │ │ │ │ │ │ └── tokenization_lxmert_fast.py │ │ │ │ │ ├── m2m_100 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_m2m_100.py │ │ │ │ │ │ ├── convert_m2m100_original_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_m2m_100.py │ │ │ │ │ │ └── tokenization_m2m_100.py │ │ │ │ │ ├── marian │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_marian.py │ │ │ │ │ │ ├── convert_marian_tatoeba_to_pytorch.py │ │ │ │ │ │ ├── convert_marian_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_marian.py │ │ │ │ │ │ ├── modeling_marian.py │ │ │ │ │ │ ├── modeling_tf_marian.py │ │ │ │ │ │ └── tokenization_marian.py │ │ │ │ │ ├── markuplm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_markuplm.py │ │ │ │ │ │ ├── feature_extraction_markuplm.py │ │ │ │ │ │ ├── modeling_markuplm.py │ │ │ │ │ │ ├── processing_markuplm.py │ │ │ │ │ │ ├── tokenization_markuplm.py │ │ │ │ │ │ └── tokenization_markuplm_fast.py │ │ │ │ │ ├── mask2former │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mask2former.py │ │ │ │ │ │ ├── convert_mask2former_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── image_processing_mask2former.py │ │ │ │ │ │ └── modeling_mask2former.py │ │ │ │ │ ├── maskformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_maskformer.py │ │ │ │ │ │ ├── configuration_maskformer_swin.py │ │ │ │ │ │ ├── convert_maskformer_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_maskformer_resnet_to_pytorch.py │ │ │ │ │ │ ├── convert_maskformer_swin_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_maskformer.py │ │ │ │ │ │ ├── image_processing_maskformer.py │ │ │ │ │ │ ├── modeling_maskformer.py │ │ │ │ │ │ └── modeling_maskformer_swin.py │ │ │ │ │ ├── mbart │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mbart.py │ │ │ │ │ │ ├── convert_mbart_original_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_mbart.py │ │ │ │ │ │ ├── modeling_mbart.py │ │ │ │ │ │ ├── modeling_tf_mbart.py │ │ │ │ │ │ ├── tokenization_mbart.py │ │ │ │ │ │ └── tokenization_mbart_fast.py │ │ │ │ │ ├── mbart50 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── tokenization_mbart50.py │ │ │ │ │ │ └── tokenization_mbart50_fast.py │ │ │ │ │ ├── mega │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mega.py │ │ │ │ │ │ ├── convert_mega_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_mega.py │ │ │ │ │ ├── megatron_bert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_megatron_bert.py │ │ │ │ │ │ ├── convert_megatron_bert_checkpoint.py │ │ │ │ │ │ └── modeling_megatron_bert.py │ │ │ │ │ ├── megatron_gpt2 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── checkpoint_reshaping_and_interoperability.py │ │ │ │ │ │ └── convert_megatron_gpt2_checkpoint.py │ │ │ │ │ ├── mgp_str │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mgp_str.py │ │ │ │ │ │ ├── modeling_mgp_str.py │ │ │ │ │ │ ├── processing_mgp_str.py │ │ │ │ │ │ └── tokenization_mgp_str.py │ │ │ │ │ ├── mluke │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── convert_mluke_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── tokenization_mluke.py │ │ │ │ │ ├── mobilebert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mobilebert.py │ │ │ │ │ │ ├── convert_mobilebert_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_mobilebert.py │ │ │ │ │ │ ├── modeling_tf_mobilebert.py │ │ │ │ │ │ ├── tokenization_mobilebert.py │ │ │ │ │ │ └── tokenization_mobilebert_fast.py │ │ │ │ │ ├── mobilenet_v1 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mobilenet_v1.py │ │ │ │ │ │ ├── convert_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_mobilenet_v1.py │ │ │ │ │ │ ├── image_processing_mobilenet_v1.py │ │ │ │ │ │ └── modeling_mobilenet_v1.py │ │ │ │ │ ├── mobilenet_v2 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mobilenet_v2.py │ │ │ │ │ │ ├── convert_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_mobilenet_v2.py │ │ │ │ │ │ ├── image_processing_mobilenet_v2.py │ │ │ │ │ │ └── modeling_mobilenet_v2.py │ │ │ │ │ ├── mobilevit │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mobilevit.py │ │ │ │ │ │ ├── convert_mlcvnets_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_mobilevit.py │ │ │ │ │ │ ├── image_processing_mobilevit.py │ │ │ │ │ │ ├── modeling_mobilevit.py │ │ │ │ │ │ └── modeling_tf_mobilevit.py │ │ │ │ │ ├── mobilevitv2 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mobilevitv2.py │ │ │ │ │ │ ├── convert_mlcvnets_to_pytorch.py │ │ │ │ │ │ └── modeling_mobilevitv2.py │ │ │ │ │ ├── mpnet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mpnet.py │ │ │ │ │ │ ├── modeling_mpnet.py │ │ │ │ │ │ ├── modeling_tf_mpnet.py │ │ │ │ │ │ ├── tokenization_mpnet.py │ │ │ │ │ │ └── tokenization_mpnet_fast.py │ │ │ │ │ ├── mra │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mra.py │ │ │ │ │ │ ├── convert_mra_pytorch_to_pytorch.py │ │ │ │ │ │ └── modeling_mra.py │ │ │ │ │ ├── mt5 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mt5.py │ │ │ │ │ │ ├── modeling_flax_mt5.py │ │ │ │ │ │ ├── modeling_mt5.py │ │ │ │ │ │ └── modeling_tf_mt5.py │ │ │ │ │ ├── musicgen │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_musicgen.py │ │ │ │ │ │ ├── convert_musicgen_transformers.py │ │ │ │ │ │ ├── modeling_musicgen.py │ │ │ │ │ │ └── processing_musicgen.py │ │ │ │ │ ├── mvp │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_mvp.py │ │ │ │ │ │ ├── modeling_mvp.py │ │ │ │ │ │ ├── tokenization_mvp.py │ │ │ │ │ │ └── tokenization_mvp_fast.py │ │ │ │ │ ├── nat │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_nat.py │ │ │ │ │ │ └── modeling_nat.py │ │ │ │ │ ├── nezha │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_nezha.py │ │ │ │ │ │ └── modeling_nezha.py │ │ │ │ │ ├── nllb │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── tokenization_nllb.py │ │ │ │ │ │ └── tokenization_nllb_fast.py │ │ │ │ │ ├── nllb_moe │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_nllb_moe.py │ │ │ │ │ │ ├── convert_nllb_moe_sharded_original_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_nllb_moe.py │ │ │ │ │ ├── nystromformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_nystromformer.py │ │ │ │ │ │ ├── convert_nystromformer_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_nystromformer.py │ │ │ │ │ ├── oneformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_oneformer.py │ │ │ │ │ │ ├── convert_to_hf_oneformer.py │ │ │ │ │ │ ├── image_processing_oneformer.py │ │ │ │ │ │ ├── modeling_oneformer.py │ │ │ │ │ │ └── processing_oneformer.py │ │ │ │ │ ├── open_llama │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_open_llama.py │ │ │ │ │ │ └── modeling_open_llama.py │ │ │ │ │ ├── openai │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_openai.py │ │ │ │ │ │ ├── convert_openai_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_openai.py │ │ │ │ │ │ ├── modeling_tf_openai.py │ │ │ │ │ │ ├── tokenization_openai.py │ │ │ │ │ │ └── tokenization_openai_fast.py │ │ │ │ │ ├── opt │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_opt.py │ │ │ │ │ │ ├── convert_opt_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_opt.py │ │ │ │ │ │ ├── modeling_opt.py │ │ │ │ │ │ └── modeling_tf_opt.py │ │ │ │ │ ├── owlvit │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_owlvit.py │ │ │ │ │ │ ├── convert_owlvit_original_flax_to_hf.py │ │ │ │ │ │ ├── feature_extraction_owlvit.py │ │ │ │ │ │ ├── image_processing_owlvit.py │ │ │ │ │ │ ├── modeling_owlvit.py │ │ │ │ │ │ └── processing_owlvit.py │ │ │ │ │ ├── pegasus │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_pegasus.py │ │ │ │ │ │ ├── convert_pegasus_tf_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_pegasus.py │ │ │ │ │ │ ├── modeling_pegasus.py │ │ │ │ │ │ ├── modeling_tf_pegasus.py │ │ │ │ │ │ ├── tokenization_pegasus.py │ │ │ │ │ │ └── tokenization_pegasus_fast.py │ │ │ │ │ ├── pegasus_x │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_pegasus_x.py │ │ │ │ │ │ └── modeling_pegasus_x.py │ │ │ │ │ ├── perceiver │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_perceiver.py │ │ │ │ │ │ ├── convert_perceiver_haiku_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_perceiver.py │ │ │ │ │ │ ├── image_processing_perceiver.py │ │ │ │ │ │ ├── modeling_perceiver.py │ │ │ │ │ │ └── tokenization_perceiver.py │ │ │ │ │ ├── phobert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── tokenization_phobert.py │ │ │ │ │ ├── pix2struct │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_pix2struct.py │ │ │ │ │ │ ├── convert_pix2struct_original_pytorch_to_hf.py │ │ │ │ │ │ ├── image_processing_pix2struct.py │ │ │ │ │ │ ├── modeling_pix2struct.py │ │ │ │ │ │ └── processing_pix2struct.py │ │ │ │ │ ├── plbart │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_plbart.py │ │ │ │ │ │ ├── convert_plbart_original_checkpoint_to_torch.py │ │ │ │ │ │ ├── modeling_plbart.py │ │ │ │ │ │ └── tokenization_plbart.py │ │ │ │ │ ├── poolformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_poolformer.py │ │ │ │ │ │ ├── convert_poolformer_original_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_poolformer.py │ │ │ │ │ │ ├── image_processing_poolformer.py │ │ │ │ │ │ └── modeling_poolformer.py │ │ │ │ │ ├── prophetnet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_prophetnet.py │ │ │ │ │ │ ├── convert_prophetnet_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_prophetnet.py │ │ │ │ │ │ └── tokenization_prophetnet.py │ │ │ │ │ ├── qdqbert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_qdqbert.py │ │ │ │ │ │ └── modeling_qdqbert.py │ │ │ │ │ ├── rag │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_rag.py │ │ │ │ │ │ ├── modeling_rag.py │ │ │ │ │ │ ├── modeling_tf_rag.py │ │ │ │ │ │ ├── retrieval_rag.py │ │ │ │ │ │ └── tokenization_rag.py │ │ │ │ │ ├── realm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_realm.py │ │ │ │ │ │ ├── modeling_realm.py │ │ │ │ │ │ ├── retrieval_realm.py │ │ │ │ │ │ ├── tokenization_realm.py │ │ │ │ │ │ └── tokenization_realm_fast.py │ │ │ │ │ ├── reformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_reformer.py │ │ │ │ │ │ ├── convert_reformer_trax_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_reformer.py │ │ │ │ │ │ ├── tokenization_reformer.py │ │ │ │ │ │ └── tokenization_reformer_fast.py │ │ │ │ │ ├── regnet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_regnet.py │ │ │ │ │ │ ├── convert_regnet_seer_10b_to_pytorch.py │ │ │ │ │ │ ├── convert_regnet_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_regnet.py │ │ │ │ │ │ ├── modeling_regnet.py │ │ │ │ │ │ └── modeling_tf_regnet.py │ │ │ │ │ ├── rembert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_rembert.py │ │ │ │ │ │ ├── convert_rembert_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_rembert.py │ │ │ │ │ │ ├── modeling_tf_rembert.py │ │ │ │ │ │ ├── tokenization_rembert.py │ │ │ │ │ │ └── tokenization_rembert_fast.py │ │ │ │ │ ├── resnet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_resnet.py │ │ │ │ │ │ ├── convert_resnet_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_resnet.py │ │ │ │ │ │ ├── modeling_resnet.py │ │ │ │ │ │ └── modeling_tf_resnet.py │ │ │ │ │ ├── roberta │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_roberta.py │ │ │ │ │ │ ├── convert_roberta_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_roberta.py │ │ │ │ │ │ ├── modeling_roberta.py │ │ │ │ │ │ ├── modeling_tf_roberta.py │ │ │ │ │ │ ├── tokenization_roberta.py │ │ │ │ │ │ └── tokenization_roberta_fast.py │ │ │ │ │ ├── roberta_prelayernorm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_roberta_prelayernorm.py │ │ │ │ │ │ ├── convert_roberta_prelayernorm_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_roberta_prelayernorm.py │ │ │ │ │ │ ├── modeling_roberta_prelayernorm.py │ │ │ │ │ │ └── modeling_tf_roberta_prelayernorm.py │ │ │ │ │ ├── roc_bert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_roc_bert.py │ │ │ │ │ │ ├── modeling_roc_bert.py │ │ │ │ │ │ └── tokenization_roc_bert.py │ │ │ │ │ ├── roformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_roformer.py │ │ │ │ │ │ ├── convert_roformer_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_roformer.py │ │ │ │ │ │ ├── modeling_roformer.py │ │ │ │ │ │ ├── modeling_tf_roformer.py │ │ │ │ │ │ ├── tokenization_roformer.py │ │ │ │ │ │ ├── tokenization_roformer_fast.py │ │ │ │ │ │ └── tokenization_utils.py │ │ │ │ │ ├── rwkv │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_rwkv.py │ │ │ │ │ │ ├── convert_rwkv_checkpoint_to_hf.py │ │ │ │ │ │ └── modeling_rwkv.py │ │ │ │ │ ├── sam │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_sam.py │ │ │ │ │ │ ├── convert_sam_original_to_hf_format.py │ │ │ │ │ │ ├── image_processing_sam.py │ │ │ │ │ │ ├── modeling_sam.py │ │ │ │ │ │ ├── modeling_tf_sam.py │ │ │ │ │ │ └── processing_sam.py │ │ │ │ │ ├── segformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_segformer.py │ │ │ │ │ │ ├── convert_segformer_original_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_segformer.py │ │ │ │ │ │ ├── image_processing_segformer.py │ │ │ │ │ │ ├── modeling_segformer.py │ │ │ │ │ │ └── modeling_tf_segformer.py │ │ │ │ │ ├── sew │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_sew.py │ │ │ │ │ │ ├── convert_sew_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_sew.py │ │ │ │ │ ├── sew_d │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_sew_d.py │ │ │ │ │ │ ├── convert_sew_d_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_sew_d.py │ │ │ │ │ ├── speech_encoder_decoder │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_speech_encoder_decoder.py │ │ │ │ │ │ ├── convert_mbart_wav2vec2_seq2seq_original_to_pytorch.py │ │ │ │ │ │ ├── convert_speech_to_text_wav2vec2_seq2seq_original_to_pytorch.py │ │ │ │ │ │ ├── modeling_flax_speech_encoder_decoder.py │ │ │ │ │ │ └── modeling_speech_encoder_decoder.py │ │ │ │ │ ├── speech_to_text │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_speech_to_text.py │ │ │ │ │ │ ├── convert_s2t_fairseq_to_tfms.py │ │ │ │ │ │ ├── feature_extraction_speech_to_text.py │ │ │ │ │ │ ├── modeling_speech_to_text.py │ │ │ │ │ │ ├── modeling_tf_speech_to_text.py │ │ │ │ │ │ ├── processing_speech_to_text.py │ │ │ │ │ │ └── tokenization_speech_to_text.py │ │ │ │ │ ├── speech_to_text_2 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_speech_to_text_2.py │ │ │ │ │ │ ├── modeling_speech_to_text_2.py │ │ │ │ │ │ ├── processing_speech_to_text_2.py │ │ │ │ │ │ └── tokenization_speech_to_text_2.py │ │ │ │ │ ├── speecht5 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_speecht5.py │ │ │ │ │ │ ├── convert_hifigan.py │ │ │ │ │ │ ├── convert_speecht5_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_speecht5.py │ │ │ │ │ │ ├── modeling_speecht5.py │ │ │ │ │ │ ├── processing_speecht5.py │ │ │ │ │ │ └── tokenization_speecht5.py │ │ │ │ │ ├── splinter │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_splinter.py │ │ │ │ │ │ ├── modeling_splinter.py │ │ │ │ │ │ ├── tokenization_splinter.py │ │ │ │ │ │ └── tokenization_splinter_fast.py │ │ │ │ │ ├── squeezebert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_squeezebert.py │ │ │ │ │ │ ├── modeling_squeezebert.py │ │ │ │ │ │ ├── tokenization_squeezebert.py │ │ │ │ │ │ └── tokenization_squeezebert_fast.py │ │ │ │ │ ├── swiftformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_swiftformer.py │ │ │ │ │ │ ├── convert_swiftformer_original_to_hf.py │ │ │ │ │ │ └── modeling_swiftformer.py │ │ │ │ │ ├── swin │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_swin.py │ │ │ │ │ │ ├── convert_swin_simmim_to_pytorch.py │ │ │ │ │ │ ├── convert_swin_timm_to_pytorch.py │ │ │ │ │ │ ├── modeling_swin.py │ │ │ │ │ │ └── modeling_tf_swin.py │ │ │ │ │ ├── swin2sr │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_swin2sr.py │ │ │ │ │ │ ├── convert_swin2sr_original_to_pytorch.py │ │ │ │ │ │ ├── image_processing_swin2sr.py │ │ │ │ │ │ └── modeling_swin2sr.py │ │ │ │ │ ├── swinv2 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_swinv2.py │ │ │ │ │ │ ├── convert_swinv2_timm_to_pytorch.py │ │ │ │ │ │ └── modeling_swinv2.py │ │ │ │ │ ├── switch_transformers │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_switch_transformers.py │ │ │ │ │ │ ├── convert_big_switch.py │ │ │ │ │ │ ├── convert_switch_transformers_original_flax_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_switch_transformers.py │ │ │ │ │ ├── t5 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_t5.py │ │ │ │ │ │ ├── convert_t5_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_t5x_checkpoint_to_flax.py │ │ │ │ │ │ ├── convert_t5x_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── download_from_gcp.sh │ │ │ │ │ │ ├── modeling_flax_t5.py │ │ │ │ │ │ ├── modeling_t5.py │ │ │ │ │ │ ├── modeling_tf_t5.py │ │ │ │ │ │ ├── tokenization_t5.py │ │ │ │ │ │ └── tokenization_t5_fast.py │ │ │ │ │ ├── table_transformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_table_transformer.py │ │ │ │ │ │ ├── convert_table_transformer_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_table_transformer.py │ │ │ │ │ ├── tapas │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_tapas.py │ │ │ │ │ │ ├── convert_tapas_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_tapas.py │ │ │ │ │ │ ├── modeling_tf_tapas.py │ │ │ │ │ │ └── tokenization_tapas.py │ │ │ │ │ ├── time_series_transformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_time_series_transformer.py │ │ │ │ │ │ └── modeling_time_series_transformer.py │ │ │ │ │ ├── timesformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_timesformer.py │ │ │ │ │ │ ├── convert_timesformer_to_pytorch.py │ │ │ │ │ │ └── modeling_timesformer.py │ │ │ │ │ ├── timm_backbone │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_timm_backbone.py │ │ │ │ │ │ └── modeling_timm_backbone.py │ │ │ │ │ ├── transfo_xl │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_transfo_xl.py │ │ │ │ │ │ ├── convert_transfo_xl_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_tf_transfo_xl.py │ │ │ │ │ │ ├── modeling_tf_transfo_xl_utilities.py │ │ │ │ │ │ ├── modeling_transfo_xl.py │ │ │ │ │ │ ├── modeling_transfo_xl_utilities.py │ │ │ │ │ │ └── tokenization_transfo_xl.py │ │ │ │ │ ├── trocr │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_trocr.py │ │ │ │ │ │ ├── convert_trocr_unilm_to_pytorch.py │ │ │ │ │ │ ├── modeling_trocr.py │ │ │ │ │ │ └── processing_trocr.py │ │ │ │ │ ├── tvlt │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_tvlt.py │ │ │ │ │ │ ├── feature_extraction_tvlt.py │ │ │ │ │ │ ├── image_processing_tvlt.py │ │ │ │ │ │ ├── modeling_tvlt.py │ │ │ │ │ │ └── processing_tvlt.py │ │ │ │ │ ├── umt5 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_umt5.py │ │ │ │ │ │ ├── convert_umt5_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_umt5.py │ │ │ │ │ ├── unispeech │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_unispeech.py │ │ │ │ │ │ ├── convert_unispeech_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_unispeech.py │ │ │ │ │ ├── unispeech_sat │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_unispeech_sat.py │ │ │ │ │ │ ├── convert_unispeech_original_s3prl_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_unispeech_sat_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_unispeech_sat.py │ │ │ │ │ ├── upernet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_upernet.py │ │ │ │ │ │ ├── convert_convnext_upernet_to_pytorch.py │ │ │ │ │ │ ├── convert_swin_upernet_to_pytorch.py │ │ │ │ │ │ └── modeling_upernet.py │ │ │ │ │ ├── videomae │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_videomae.py │ │ │ │ │ │ ├── convert_videomae_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_videomae.py │ │ │ │ │ │ ├── image_processing_videomae.py │ │ │ │ │ │ └── modeling_videomae.py │ │ │ │ │ ├── vilt │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_vilt.py │ │ │ │ │ │ ├── convert_vilt_original_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_vilt.py │ │ │ │ │ │ ├── image_processing_vilt.py │ │ │ │ │ │ ├── modeling_vilt.py │ │ │ │ │ │ └── processing_vilt.py │ │ │ │ │ ├── vision_encoder_decoder │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_vision_encoder_decoder.py │ │ │ │ │ │ ├── modeling_flax_vision_encoder_decoder.py │ │ │ │ │ │ ├── modeling_tf_vision_encoder_decoder.py │ │ │ │ │ │ └── modeling_vision_encoder_decoder.py │ │ │ │ │ ├── vision_text_dual_encoder │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_vision_text_dual_encoder.py │ │ │ │ │ │ ├── modeling_flax_vision_text_dual_encoder.py │ │ │ │ │ │ ├── modeling_tf_vision_text_dual_encoder.py │ │ │ │ │ │ ├── modeling_vision_text_dual_encoder.py │ │ │ │ │ │ └── processing_vision_text_dual_encoder.py │ │ │ │ │ ├── visual_bert │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_visual_bert.py │ │ │ │ │ │ ├── convert_visual_bert_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_visual_bert.py │ │ │ │ │ ├── vit │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_vit.py │ │ │ │ │ │ ├── convert_dino_to_pytorch.py │ │ │ │ │ │ ├── convert_vit_timm_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_vit.py │ │ │ │ │ │ ├── image_processing_vit.py │ │ │ │ │ │ ├── modeling_flax_vit.py │ │ │ │ │ │ ├── modeling_tf_vit.py │ │ │ │ │ │ └── modeling_vit.py │ │ │ │ │ ├── vit_hybrid │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_vit_hybrid.py │ │ │ │ │ │ ├── convert_vit_hybrid_timm_to_pytorch.py │ │ │ │ │ │ ├── image_processing_vit_hybrid.py │ │ │ │ │ │ └── modeling_vit_hybrid.py │ │ │ │ │ ├── vit_mae │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_vit_mae.py │ │ │ │ │ │ ├── convert_vit_mae_to_pytorch.py │ │ │ │ │ │ ├── modeling_tf_vit_mae.py │ │ │ │ │ │ └── modeling_vit_mae.py │ │ │ │ │ ├── vit_msn │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_vit_msn.py │ │ │ │ │ │ ├── convert_msn_to_pytorch.py │ │ │ │ │ │ └── modeling_vit_msn.py │ │ │ │ │ ├── vivit │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_vivit.py │ │ │ │ │ │ ├── convert_vivit_flax_to_pytorch.py │ │ │ │ │ │ ├── image_processing_vivit.py │ │ │ │ │ │ └── modeling_vivit.py │ │ │ │ │ ├── wav2vec2 │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_wav2vec2.py │ │ │ │ │ │ ├── convert_wav2vec2_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_wav2vec2_original_s3prl_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_wav2vec2.py │ │ │ │ │ │ ├── modeling_flax_wav2vec2.py │ │ │ │ │ │ ├── modeling_tf_wav2vec2.py │ │ │ │ │ │ ├── modeling_wav2vec2.py │ │ │ │ │ │ ├── processing_wav2vec2.py │ │ │ │ │ │ └── tokenization_wav2vec2.py │ │ │ │ │ ├── wav2vec2_conformer │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_wav2vec2_conformer.py │ │ │ │ │ │ ├── convert_wav2vec2_conformer_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_wav2vec2_conformer.py │ │ │ │ │ ├── wav2vec2_phoneme │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── tokenization_wav2vec2_phoneme.py │ │ │ │ │ ├── wav2vec2_with_lm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── processing_wav2vec2_with_lm.py │ │ │ │ │ ├── wavlm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_wavlm.py │ │ │ │ │ │ ├── convert_wavlm_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── convert_wavlm_original_s3prl_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_wavlm.py │ │ │ │ │ ├── whisper │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_whisper.py │ │ │ │ │ │ ├── convert_openai_to_hf.py │ │ │ │ │ │ ├── english_normalizer.py │ │ │ │ │ │ ├── feature_extraction_whisper.py │ │ │ │ │ │ ├── modeling_flax_whisper.py │ │ │ │ │ │ ├── modeling_tf_whisper.py │ │ │ │ │ │ ├── modeling_whisper.py │ │ │ │ │ │ ├── processing_whisper.py │ │ │ │ │ │ ├── tokenization_whisper.py │ │ │ │ │ │ └── tokenization_whisper_fast.py │ │ │ │ │ ├── x_clip │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_x_clip.py │ │ │ │ │ │ ├── convert_x_clip_original_pytorch_to_hf.py │ │ │ │ │ │ ├── modeling_x_clip.py │ │ │ │ │ │ └── processing_x_clip.py │ │ │ │ │ ├── xglm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_xglm.py │ │ │ │ │ │ ├── convert_xglm_original_ckpt_to_trfms.py │ │ │ │ │ │ ├── modeling_flax_xglm.py │ │ │ │ │ │ ├── modeling_tf_xglm.py │ │ │ │ │ │ ├── modeling_xglm.py │ │ │ │ │ │ ├── tokenization_xglm.py │ │ │ │ │ │ └── tokenization_xglm_fast.py │ │ │ │ │ ├── xlm │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_xlm.py │ │ │ │ │ │ ├── convert_xlm_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_tf_xlm.py │ │ │ │ │ │ ├── modeling_xlm.py │ │ │ │ │ │ └── tokenization_xlm.py │ │ │ │ │ ├── xlm_prophetnet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_xlm_prophetnet.py │ │ │ │ │ │ ├── modeling_xlm_prophetnet.py │ │ │ │ │ │ └── tokenization_xlm_prophetnet.py │ │ │ │ │ ├── xlm_roberta │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_xlm_roberta.py │ │ │ │ │ │ ├── modeling_flax_xlm_roberta.py │ │ │ │ │ │ ├── modeling_tf_xlm_roberta.py │ │ │ │ │ │ ├── modeling_xlm_roberta.py │ │ │ │ │ │ ├── tokenization_xlm_roberta.py │ │ │ │ │ │ └── tokenization_xlm_roberta_fast.py │ │ │ │ │ ├── xlm_roberta_xl │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_xlm_roberta_xl.py │ │ │ │ │ │ ├── convert_xlm_roberta_xl_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_xlm_roberta_xl.py │ │ │ │ │ ├── xlnet │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_xlnet.py │ │ │ │ │ │ ├── convert_xlnet_original_tf_checkpoint_to_pytorch.py │ │ │ │ │ │ ├── modeling_tf_xlnet.py │ │ │ │ │ │ ├── modeling_xlnet.py │ │ │ │ │ │ ├── tokenization_xlnet.py │ │ │ │ │ │ └── tokenization_xlnet_fast.py │ │ │ │ │ ├── xmod │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_xmod.py │ │ │ │ │ │ ├── convert_xmod_original_pytorch_checkpoint_to_pytorch.py │ │ │ │ │ │ └── modeling_xmod.py │ │ │ │ │ ├── yolos │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_yolos.py │ │ │ │ │ │ ├── convert_yolos_to_pytorch.py │ │ │ │ │ │ ├── feature_extraction_yolos.py │ │ │ │ │ │ ├── image_processing_yolos.py │ │ │ │ │ │ └── modeling_yolos.py │ │ │ │ │ └── yoso │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ ├── configuration_yoso.py │ │ │ │ │ │ ├── convert_yoso_pytorch_to_pytorch.py │ │ │ │ │ │ └── modeling_yoso.py │ │ │ │ ├── onnx │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── __main__.py │ │ │ │ │ ├── config.py │ │ │ │ │ ├── convert.py │ │ │ │ │ ├── features.py │ │ │ │ │ └── utils.py │ │ │ │ ├── optimization.py │ │ │ │ ├── optimization_tf.py │ │ │ │ ├── pipelines │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── audio_classification.py │ │ │ │ │ ├── audio_utils.py │ │ │ │ │ ├── automatic_speech_recognition.py │ │ │ │ │ ├── base.py │ │ │ │ │ ├── conversational.py │ │ │ │ │ ├── depth_estimation.py │ │ │ │ │ ├── document_question_answering.py │ │ │ │ │ ├── feature_extraction.py │ │ │ │ │ ├── fill_mask.py │ │ │ │ │ ├── image_classification.py │ │ │ │ │ ├── image_segmentation.py │ │ │ │ │ ├── image_to_text.py │ │ │ │ │ ├── mask_generation.py │ │ │ │ │ ├── object_detection.py │ │ │ │ │ ├── pt_utils.py │ │ │ │ │ ├── question_answering.py │ │ │ │ │ ├── table_question_answering.py │ │ │ │ │ ├── text2text_generation.py │ │ │ │ │ ├── text_classification.py │ │ │ │ │ ├── text_generation.py │ │ │ │ │ ├── token_classification.py │ │ │ │ │ ├── video_classification.py │ │ │ │ │ ├── visual_question_answering.py │ │ │ │ │ ├── zero_shot_audio_classification.py │ │ │ │ │ ├── zero_shot_classification.py │ │ │ │ │ ├── zero_shot_image_classification.py │ │ │ │ │ └── zero_shot_object_detection.py │ │ │ │ ├── processing_utils.py │ │ │ │ ├── pytorch_utils.py │ │ │ │ ├── sagemaker │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── trainer_sm.py │ │ │ │ │ └── training_args_sm.py │ │ │ │ ├── testing_utils.py │ │ │ │ ├── tf_utils.py │ │ │ │ ├── time_series_utils.py │ │ │ │ ├── tokenization_utils.py │ │ │ │ ├── tokenization_utils_base.py │ │ │ │ ├── tokenization_utils_fast.py │ │ │ │ ├── tools │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── agent_types.py │ │ │ │ │ ├── agents.py │ │ │ │ │ ├── base.py │ │ │ │ │ ├── document_question_answering.py │ │ │ │ │ ├── evaluate_agent.py │ │ │ │ │ ├── image_captioning.py │ │ │ │ │ ├── image_question_answering.py │ │ │ │ │ ├── image_segmentation.py │ │ │ │ │ ├── prompts.py │ │ │ │ │ ├── python_interpreter.py │ │ │ │ │ ├── speech_to_text.py │ │ │ │ │ ├── text_classification.py │ │ │ │ │ ├── text_question_answering.py │ │ │ │ │ ├── text_summarization.py │ │ │ │ │ ├── text_to_speech.py │ │ │ │ │ └── translation.py │ │ │ │ ├── trainer.py │ │ │ │ ├── trainer_callback.py │ │ │ │ ├── trainer_pt_utils.py │ │ │ │ ├── trainer_seq2seq.py │ │ │ │ ├── trainer_tf.py │ │ │ │ ├── trainer_utils.py │ │ │ │ ├── training_args.py │ │ │ │ ├── training_args_seq2seq.py │ │ │ │ ├── training_args_tf.py │ │ │ │ └── utils │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── backbone_utils.py │ │ │ │ │ ├── bitsandbytes.py │ │ │ │ │ ├── constants.py │ │ │ │ │ ├── doc.py │ │ │ │ │ ├── dummy_detectron2_objects.py │ │ │ │ │ ├── dummy_flax_objects.py │ │ │ │ │ ├── dummy_keras_nlp_objects.py │ │ │ │ │ ├── dummy_pt_objects.py │ │ │ │ │ ├── dummy_sentencepiece_and_tokenizers_objects.py │ │ │ │ │ ├── dummy_sentencepiece_objects.py │ │ │ │ │ ├── dummy_speech_objects.py │ │ │ │ │ ├── dummy_tensorflow_text_objects.py │ │ │ │ │ ├── dummy_tf_objects.py │ │ │ │ │ ├── dummy_tokenizers_objects.py │ │ │ │ │ ├── dummy_vision_objects.py │ │ │ │ │ ├── fx.py │ │ │ │ │ ├── generic.py │ │ │ │ │ ├── hp_naming.py │ │ │ │ │ ├── hub.py │ │ │ │ │ ├── import_utils.py │ │ │ │ │ ├── logging.py │ │ │ │ │ ├── model_parallel_utils.py │ │ │ │ │ ├── notebook.py │ │ │ │ │ ├── quantization_config.py │ │ │ │ │ ├── sentencepiece_model_pb2.py │ │ │ │ │ ├── sentencepiece_model_pb2_new.py │ │ │ │ │ └── versions.py │ │ │ └── utils.py │ │ ├── predict.py │ │ └── pyproject.toml │ ├── functions.py │ ├── hook.py │ └── main.py ├── DatasetManager │ ├── DatasetManager │ │ ├── __init__.py │ │ └── dataloader.py │ └── setup.py └── Prompts │ └── prompts.json ├── LICENSE ├── ReadMe.md ├── dataset ├── LLaVA_Wild │ └── .placeholder └── mm-vet │ └── .placeholder ├── demo ├── API_CLIP │ ├── clip_prs │ │ ├── .gitignore │ │ ├── LICENSE.txt │ │ ├── README.md │ │ ├── environment.yml │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── binary_waterbirds.py │ │ │ ├── constants.py │ │ │ ├── cub_classes.py │ │ │ ├── factory.py │ │ │ ├── hook.py │ │ │ ├── imagenet_classes.py │ │ │ ├── imagenet_segmentation.py │ │ │ ├── misc.py │ │ │ ├── model.py │ │ │ ├── model_configs │ │ │ ├── EVA01-g-14-plus.json │ │ │ ├── EVA01-g-14.json │ │ │ ├── EVA02-B-16.json │ │ │ ├── EVA02-E-14-plus.json │ │ │ ├── EVA02-E-14.json │ │ │ ├── EVA02-L-14-336.json │ │ │ ├── EVA02-L-14.json │ │ │ ├── ViT-B-16-plus-240.json │ │ │ ├── ViT-B-16-plus.json │ │ │ ├── ViT-B-16.json │ │ │ ├── ViT-B-32-plus-256.json │ │ │ ├── ViT-B-32-quickgelu.json │ │ │ ├── ViT-B-32.json │ │ │ ├── ViT-H-14.json │ │ │ ├── ViT-H-16.json │ │ │ ├── ViT-L-14-280.json │ │ │ ├── ViT-L-14-336.json │ │ │ ├── ViT-L-14.json │ │ │ ├── ViT-L-16-320.json │ │ │ ├── ViT-L-16.json │ │ │ ├── ViT-M-16-alt.json │ │ │ ├── ViT-M-16.json │ │ │ ├── ViT-M-32-alt.json │ │ │ ├── ViT-M-32.json │ │ │ ├── ViT-S-16-alt.json │ │ │ ├── ViT-S-16.json │ │ │ ├── ViT-S-32-alt.json │ │ │ ├── ViT-S-32.json │ │ │ ├── ViT-bigG-14.json │ │ │ ├── ViT-e-14.json │ │ │ ├── ViT-g-14.json │ │ │ ├── coca_ViT-B-32.json │ │ │ ├── coca_ViT-L-14.json │ │ │ ├── coca_base.json │ │ │ ├── coca_roberta-ViT-B-32.json │ │ │ ├── mt5-base-ViT-B-32.json │ │ │ ├── mt5-xl-ViT-H-14.json │ │ │ ├── roberta-ViT-B-32.json │ │ │ ├── swin_base_patch4_window7_224.json │ │ │ ├── vit_medium_patch16_gap_256.json │ │ │ ├── vit_relpos_medium_patch16_cls_224.json │ │ │ ├── xlm-roberta-base-ViT-B-32.json │ │ │ └── xlm-roberta-large-ViT-H-14.json │ │ │ ├── modified_resnet.py │ │ │ ├── openai_models.py │ │ │ ├── openai_templates.py │ │ │ ├── pretrained.py │ │ │ ├── segmentation_utils.py │ │ │ ├── timm_model.py │ │ │ ├── tokenizer.py │ │ │ ├── transform.py │ │ │ ├── transformer.py │ │ │ └── vocab │ │ │ └── bpe_simple_vocab_16e6.txt.gz │ ├── hook.py │ └── main.py ├── API_LLaVA │ ├── functions.py │ ├── hook.py │ └── main.py ├── README.md ├── app.py └── requirements.txt ├── results ├── llava15_llava_wild_api.json ├── llava15_llava_wild_api_standard.jsonl ├── llava15_llava_wild_empty.json ├── llava15_llava_wild_empty_standard.jsonl ├── llava15_mmvet_api.json ├── llava15_mmvet_api_standard.json ├── llava15_mmvet_empty.json └── llava15_mmvet_empty_standard.json └── sglang_inference ├── sglang_inference.py └── tutorial.ipynb /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/.gitignore -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/LICENSE.txt -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/README.md -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/environment.yml -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/__init__.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/binary_waterbirds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/binary_waterbirds.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/constants.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/cub_classes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/cub_classes.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/factory.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/hook.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/imagenet_classes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/imagenet_classes.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/imagenet_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/imagenet_segmentation.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/misc.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/EVA01-g-14-plus.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/EVA01-g-14-plus.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/EVA01-g-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/EVA01-g-14.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/EVA02-B-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/EVA02-B-16.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/EVA02-E-14-plus.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/EVA02-E-14-plus.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/EVA02-E-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/EVA02-E-14.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/EVA02-L-14-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/EVA02-L-14-336.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/EVA02-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/EVA02-L-14.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-B-16-plus-240.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-B-16-plus-240.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-B-16-plus.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-B-16-plus.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-B-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-B-16.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-B-32-plus-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-B-32-plus-256.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-B-32-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-B-32-quickgelu.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-B-32.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-H-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-H-14.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-H-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-H-16.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-L-14-280.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-L-14-280.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-L-14-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-L-14-336.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-L-14.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-L-16-320.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-L-16-320.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-L-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-L-16.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-M-16-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-M-16-alt.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-M-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-M-16.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-M-32-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-M-32-alt.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-M-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-M-32.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-S-16-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-S-16-alt.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-S-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-S-16.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-S-32-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-S-32-alt.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-S-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-S-32.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-bigG-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-bigG-14.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-e-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-e-14.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/ViT-g-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/ViT-g-14.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/coca_ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/coca_ViT-B-32.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/coca_ViT-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/coca_ViT-L-14.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/coca_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/coca_base.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/coca_roberta-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/coca_roberta-ViT-B-32.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/mt5-base-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/mt5-base-ViT-B-32.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/mt5-xl-ViT-H-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/mt5-xl-ViT-H-14.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/roberta-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/roberta-ViT-B-32.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/model_configs/xlm-roberta-base-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/model_configs/xlm-roberta-base-ViT-B-32.json -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/modified_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/modified_resnet.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/openai_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/openai_models.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/openai_templates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/openai_templates.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/pretrained.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/pretrained.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/segmentation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/segmentation_utils.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/timm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/timm_model.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/tokenizer.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/transform.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/transformer.py -------------------------------------------------------------------------------- /API/API_CLIP/clip_prs/utils/vocab/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/clip_prs/utils/vocab/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /API/API_CLIP/hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/hook.py -------------------------------------------------------------------------------- /API/API_CLIP/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_CLIP/main.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/LICENSE -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/README.md -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/__init__.py: -------------------------------------------------------------------------------- 1 | from .model import LlavaLlamaForCausalLM 2 | -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/constants.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/conversation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/conversation.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/eval_gpt_review.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/eval_gpt_review.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/eval_gpt_review_bench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/eval_gpt_review_bench.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/eval_gpt_review_visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/eval_gpt_review_visual.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/eval_pope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/eval_pope.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/eval_science_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/eval_science_qa.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/eval_science_qa_gpt4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/eval_science_qa_gpt4.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/eval_science_qa_gpt4_requery.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/eval_science_qa_gpt4_requery.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/eval_textvqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/eval_textvqa.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/generate_webpage_data_from_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/generate_webpage_data_from_table.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/m4c_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/m4c_evaluator.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/model_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/model_qa.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/model_vqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/model_vqa.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/model_vqa_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/model_vqa_loader.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/model_vqa_mmbench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/model_vqa_mmbench.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/model_vqa_qbench.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/model_vqa_qbench.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/model_vqa_science.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/model_vqa_science.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/qa_baseline_gpt35.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/qa_baseline_gpt35.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/run_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/run_llava.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/summarize_gpt_review.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/summarize_gpt_review.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/answer/answer_alpaca-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/answer/answer_alpaca-13b.jsonl -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/answer/answer_bard.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/answer/answer_bard.jsonl -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/answer/answer_gpt35.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/answer/answer_gpt35.jsonl -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/answer/answer_llama-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/answer/answer_llama-13b.jsonl -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/answer/answer_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/answer/answer_vicuna-13b.jsonl -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/caps_boxes_coco2014_val_80.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/caps_boxes_coco2014_val_80.jsonl -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/model.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/model.jsonl -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/prompt.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/prompt.jsonl -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/question.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/question.jsonl -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/results/test_sqa_llava_13b_v0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/results/test_sqa_llava_13b_v0.json -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/review/review_bard_vicuna-13b.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/review/review_bard_vicuna-13b.jsonl -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/reviewer.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/reviewer.jsonl -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/table/rule.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/table/rule.json -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/webpage/figures/alpaca.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/webpage/figures/alpaca.png -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/webpage/figures/bard.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/webpage/figures/bard.jpg -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/webpage/figures/chatgpt.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/webpage/figures/chatgpt.svg -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/webpage/figures/llama.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/webpage/figures/llama.jpg -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/webpage/figures/vicuna.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/webpage/figures/vicuna.jpeg -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/webpage/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/webpage/index.html -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/webpage/script.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/webpage/script.js -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/eval/webpage/styles.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/eval/webpage/styles.css -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/hook.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/mm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/mm_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/apply_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/apply_delta.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/builder.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/consolidate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/consolidate.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/llava_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/llava_llama.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/llava_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/llava_mpt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/mpt/adapt_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/mpt/adapt_tokenizer.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/mpt/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/mpt/attention.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/mpt/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/mpt/blocks.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/mpt/configuration_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/mpt/configuration_mpt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/mpt/custom_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/mpt/custom_embedding.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/mpt/flash_attn_triton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/mpt/flash_attn_triton.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/mpt/meta_init_context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/mpt/meta_init_context.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/mpt/modeling_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/mpt/modeling_mpt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/mpt/norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/mpt/norm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/language_model/mpt/param_init_fns.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/language_model/mpt/param_init_fns.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/llava_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/llava_arch.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/make_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/make_delta.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/multimodal_encoder/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/multimodal_encoder/builder.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/multimodal_encoder/clip_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/multimodal_encoder/clip_encoder.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/multimodal_projector/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/multimodal_projector/builder.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/model/utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/serve/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/serve/cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/serve/cli.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/serve/controller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/serve/controller.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/serve/examples/extreme_ironing.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/serve/examples/extreme_ironing.jpg -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/serve/examples/waterview.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/serve/examples/waterview.jpg -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/serve/gradio_web_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/serve/gradio_web_server.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/serve/model_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/serve/model_worker.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/serve/register_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/serve/register_worker.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/serve/test_message.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/serve/test_message.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/train/llama_flash_attn_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/train/llama_flash_attn_monkey_patch.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/train/llama_xformers_attn_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/train/llama_xformers_attn_monkey_patch.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/train/llava_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/train/llava_trainer.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/train/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/train/train.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/train/train_mem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/train/train_mem.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/train/train_xformers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/train/train_xformers.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/activations.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/activations_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/activations_tf.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/audio_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/audio_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark_args.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark_args_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark_args_tf.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark_args_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark_args_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark_tf.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/benchmark/benchmark_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/add_new_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/add_new_model.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/add_new_model_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/add_new_model_like.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/convert.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/download.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/env.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/lfs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/lfs.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/pt_to_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/pt_to_tf.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/run.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/serving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/serving.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/train.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/transformers_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/transformers_cli.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/commands/user.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/commands/user.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/configuration_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/configuration_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/convert_graph_to_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/convert_graph_to_onnx.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/convert_slow_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/convert_slow_tokenizer.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/data_collator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/data_collator.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/datasets/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/datasets/glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/datasets/glue.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/datasets/squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/datasets/squad.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/metrics/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/metrics/squad_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/metrics/squad_metrics.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/processors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/processors/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/processors/glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/processors/glue.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/processors/squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/processors/squad.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/processors/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/processors/utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/data/processors/xnli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/data/processors/xnli.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/debug_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/debug_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/deepspeed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/deepspeed.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/dependency_versions_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/dependency_versions_check.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/dependency_versions_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/dependency_versions_table.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/dynamic_module_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/dynamic_module_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/feature_extraction_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/feature_extraction_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/file_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/beam_constraints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/beam_constraints.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/beam_search.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/configuration_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/configuration_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/flax_logits_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/flax_logits_process.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/flax_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/flax_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/logits_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/logits_process.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/stopping_criteria.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/stopping_criteria.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/streamers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/streamers.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/tf_logits_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/tf_logits_process.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/tf_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation/utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation_flax_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation_flax_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation_tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation_tf_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/generation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/generation_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/hf_argparser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/hf_argparser.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/hyperparameter_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/hyperparameter_search.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/image_processing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/image_processing_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/image_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/image_transforms.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/image_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/image_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/integrations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/integrations.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/keras_callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/keras_callbacks.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/kernels/mra/cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/kernels/mra/cuda_kernel.cu -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/kernels/mra/cuda_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/kernels/mra/cuda_kernel.h -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/kernels/mra/cuda_launch.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/kernels/mra/cuda_launch.cu -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/kernels/mra/cuda_launch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/kernels/mra/cuda_launch.h -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/kernels/mra/torch_extension.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/kernels/mra/torch_extension.cpp -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/kernels/rwkv/wkv_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/kernels/rwkv/wkv_cuda.cu -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/kernels/rwkv/wkv_cuda_bf16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/kernels/rwkv/wkv_cuda_bf16.cu -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/kernels/rwkv/wkv_op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/kernels/rwkv/wkv_op.cpp -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/kernels/yoso/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/kernels/yoso/common.h -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/kernels/yoso/common_cuda.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/kernels/yoso/common_cuda.h -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/kernels/yoso/common_cuda_device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/kernels/yoso/common_cuda_device.h -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/modelcard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/modelcard.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/modeling_flax_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/modeling_flax_outputs.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/modeling_flax_pytorch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/modeling_flax_pytorch_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/modeling_flax_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/modeling_flax_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/modeling_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/modeling_outputs.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/modeling_tf_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/modeling_tf_outputs.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/modeling_tf_pytorch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/modeling_tf_pytorch_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/modeling_tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/modeling_tf_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/modeling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/modeling_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/albert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/albert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/albert/modeling_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/albert/modeling_albert.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/align/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/align/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/align/modeling_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/align/modeling_align.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/align/processing_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/align/processing_align.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/altclip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/altclip/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/auto/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/auto/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/auto/auto_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/auto/auto_factory.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/auto/configuration_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/auto/configuration_auto.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/auto/modeling_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/auto/modeling_auto.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/auto/modeling_flax_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/auto/modeling_flax_auto.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/auto/modeling_tf_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/auto/modeling_tf_auto.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/auto/processing_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/auto/processing_auto.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/auto/tokenization_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/auto/tokenization_auto.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/autoformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/autoformer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bark/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bark/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bark/configuration_bark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bark/configuration_bark.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bark/convert_suno_to_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bark/convert_suno_to_hf.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bark/modeling_bark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bark/modeling_bark.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bark/processing_bark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bark/processing_bark.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bart/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bart/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bart/configuration_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bart/configuration_bart.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bart/modeling_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bart/modeling_bart.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bart/modeling_flax_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bart/modeling_flax_bart.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bart/modeling_tf_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bart/modeling_tf_bart.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bart/tokenization_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bart/tokenization_bart.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/barthez/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/barthez/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bartpho/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bartpho/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/beit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/beit/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/beit/configuration_beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/beit/configuration_beit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/beit/modeling_beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/beit/modeling_beit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/beit/modeling_flax_beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/beit/modeling_flax_beit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bert/configuration_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bert/configuration_bert.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bert/modeling_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bert/modeling_bert.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bert/modeling_flax_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bert/modeling_flax_bert.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bert/modeling_tf_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bert/modeling_tf_bert.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bert/tokenization_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bert/tokenization_bert.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bert_japanese/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bert_japanese/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bertweet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bertweet/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/big_bird/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/big_bird/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/biogpt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/biogpt/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/biogpt/modeling_biogpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/biogpt/modeling_biogpt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bit/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bit/configuration_bit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bit/configuration_bit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bit/modeling_bit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bit/modeling_bit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/blenderbot/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/blenderbot/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/blip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/blip/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/blip/configuration_blip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/blip/configuration_blip.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/blip/modeling_blip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/blip/modeling_blip.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/blip/modeling_blip_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/blip/modeling_blip_text.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/blip/modeling_tf_blip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/blip/modeling_tf_blip.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/blip/processing_blip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/blip/processing_blip.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/blip_2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/blip_2/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/blip_2/modeling_blip_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/blip_2/modeling_blip_2.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bloom/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bloom/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bloom/modeling_bloom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bloom/modeling_bloom.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/bridgetower/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/bridgetower/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/byt5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/byt5/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/byt5/tokenization_byt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/byt5/tokenization_byt5.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/camembert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/camembert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/canine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/canine/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/canine/modeling_canine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/canine/modeling_canine.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/chinese_clip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/chinese_clip/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clap/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clap/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clap/configuration_clap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clap/configuration_clap.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clap/modeling_clap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clap/modeling_clap.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clap/processing_clap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clap/processing_clap.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clip/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clip/configuration_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clip/configuration_clip.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clip/modeling_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clip/modeling_clip.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clip/modeling_flax_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clip/modeling_flax_clip.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clip/modeling_tf_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clip/modeling_tf_clip.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clip/processing_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clip/processing_clip.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clip/tokenization_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clip/tokenization_clip.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/clipseg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/clipseg/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/codegen/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/codegen/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/convbert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/convbert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/convnext/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/convnext/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/convnextv2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/convnextv2/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/cpm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/cpm/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/cpm/tokenization_cpm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/cpm/tokenization_cpm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/cpmant/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/cpmant/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/cpmant/modeling_cpmant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/cpmant/modeling_cpmant.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/ctrl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/ctrl/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/ctrl/configuration_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/ctrl/configuration_ctrl.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/ctrl/modeling_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/ctrl/modeling_ctrl.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/ctrl/modeling_tf_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/ctrl/modeling_tf_ctrl.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/ctrl/tokenization_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/ctrl/tokenization_ctrl.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/cvt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/cvt/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/cvt/configuration_cvt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/cvt/configuration_cvt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/cvt/modeling_cvt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/cvt/modeling_cvt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/cvt/modeling_tf_cvt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/cvt/modeling_tf_cvt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/data2vec/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/data2vec/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deberta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/deberta/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deberta_v2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/deberta_v2/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/deit/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deit/configuration_deit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/deit/configuration_deit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deit/modeling_deit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/deit/modeling_deit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deit/modeling_tf_deit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/deit/modeling_tf_deit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deprecated/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deprecated/bort/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deprecated/van/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/deprecated/van/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/deta/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deta/configuration_deta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/deta/configuration_deta.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/deta/modeling_deta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/deta/modeling_deta.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/detr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/detr/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/detr/configuration_detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/detr/configuration_detr.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/detr/modeling_detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/detr/modeling_detr.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/dialogpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/dinat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/dinat/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/dinat/modeling_dinat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/dinat/modeling_dinat.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/distilbert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/distilbert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/dit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/donut/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/donut/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/dpr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/dpr/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/dpr/modeling_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/dpr/modeling_dpr.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/dpr/modeling_tf_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/dpr/modeling_tf_dpr.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/dpr/tokenization_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/dpr/tokenization_dpr.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/dpt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/dpt/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/dpt/modeling_dpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/dpt/modeling_dpt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/electra/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/electra/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/encodec/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/encodec/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/ernie/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/ernie/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/ernie/modeling_ernie.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/ernie/modeling_ernie.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/ernie_m/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/ernie_m/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/esm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/esm/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/esm/convert_esm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/esm/convert_esm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/esm/modeling_esm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/esm/modeling_esm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/esm/modeling_esmfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/esm/modeling_esmfold.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/esm/modeling_tf_esm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/esm/modeling_tf_esm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/esm/tokenization_esm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/esm/tokenization_esm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/falcon/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/falcon/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/flaubert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/flaubert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/flava/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/flava/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/flava/modeling_flava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/flava/modeling_flava.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/fnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/fnet/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/fnet/modeling_fnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/fnet/modeling_fnet.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/focalnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/focalnet/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/fsmt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/fsmt/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/fsmt/modeling_fsmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/fsmt/modeling_fsmt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/funnel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/funnel/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/git/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/git/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/git/modeling_git.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/git/modeling_git.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/git/processing_git.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/git/processing_git.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/glpn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/glpn/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/glpn/modeling_glpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/glpn/modeling_glpn.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/gpt2/CONVERSION.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/gpt2/CONVERSION.md -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/gpt2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/gpt2/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/gpt2/modeling_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/gpt2/modeling_gpt2.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/gpt_bigcode/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/gpt_bigcode/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/gpt_neo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/gpt_neo/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/gpt_neox/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/gpt_neox/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/gpt_sw3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/gpt_sw3/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/gptj/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/gptj/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/gptj/modeling_gptj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/gptj/modeling_gptj.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/graphormer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/graphormer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/groupvit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/groupvit/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/herbert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/herbert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/hubert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/hubert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/ibert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/ibert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/ibert/modeling_ibert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/ibert/modeling_ibert.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/ibert/quant_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/ibert/quant_modules.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/imagegpt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/imagegpt/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/informer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/informer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/jukebox/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/jukebox/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/layoutlm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/layoutlm/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/layoutlmv2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/layoutlmv2/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/layoutlmv3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/layoutlmv3/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/layoutxlm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/layoutxlm/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/led/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/led/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/led/modeling_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/led/modeling_led.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/led/modeling_tf_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/led/modeling_tf_led.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/led/tokenization_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/led/tokenization_led.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/levit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/levit/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/levit/modeling_levit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/levit/modeling_levit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/lilt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/lilt/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/lilt/modeling_lilt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/lilt/modeling_lilt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/llama/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/llama/modeling_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/llama/modeling_llama.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/longformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/longformer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/longt5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/longt5/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/luke/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/luke/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/luke/modeling_luke.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/luke/modeling_luke.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/lxmert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/lxmert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/m2m_100/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/m2m_100/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/marian/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/marian/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/markuplm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/markuplm/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mask2former/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mask2former/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/maskformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/maskformer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mbart/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mbart/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mbart/modeling_mbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mbart/modeling_mbart.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mbart50/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mbart50/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mega/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mega/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mega/modeling_mega.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mega/modeling_mega.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mgp_str/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mgp_str/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mluke/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mluke/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mobilebert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mobilebert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mobilevit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mobilevit/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mobilevitv2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mobilevitv2/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mpnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mpnet/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mpnet/modeling_mpnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mpnet/modeling_mpnet.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mra/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mra/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mra/modeling_mra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mra/modeling_mra.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mt5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mt5/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mt5/modeling_mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mt5/modeling_mt5.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mt5/modeling_tf_mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mt5/modeling_tf_mt5.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/musicgen/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/musicgen/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mvp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mvp/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mvp/modeling_mvp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mvp/modeling_mvp.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/mvp/tokenization_mvp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/mvp/tokenization_mvp.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/nat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/nat/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/nat/modeling_nat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/nat/modeling_nat.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/nezha/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/nezha/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/nezha/modeling_nezha.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/nezha/modeling_nezha.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/nllb/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/nllb/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/nllb_moe/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/nllb_moe/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/oneformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/oneformer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/open_llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/open_llama/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/openai/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/openai/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/opt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/opt/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/opt/modeling_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/opt/modeling_opt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/opt/modeling_tf_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/opt/modeling_tf_opt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/owlvit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/owlvit/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/pegasus/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/pegasus/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/pegasus_x/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/pegasus_x/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/perceiver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/perceiver/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/phobert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/phobert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/pix2struct/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/pix2struct/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/plbart/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/plbart/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/poolformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/poolformer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/prophetnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/prophetnet/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/qdqbert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/qdqbert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/rag/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/rag/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/rag/modeling_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/rag/modeling_rag.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/rag/modeling_tf_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/rag/modeling_tf_rag.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/rag/retrieval_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/rag/retrieval_rag.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/rag/tokenization_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/rag/tokenization_rag.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/realm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/realm/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/realm/modeling_realm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/realm/modeling_realm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/reformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/reformer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/regnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/regnet/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/rembert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/rembert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/resnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/resnet/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/roberta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/roberta/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/roc_bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/roc_bert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/roformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/roformer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/rwkv/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/rwkv/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/rwkv/modeling_rwkv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/rwkv/modeling_rwkv.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/sam/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/sam/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/sam/modeling_sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/sam/modeling_sam.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/sam/modeling_tf_sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/sam/modeling_tf_sam.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/sam/processing_sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/sam/processing_sam.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/segformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/segformer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/sew/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/sew/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/sew/modeling_sew.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/sew/modeling_sew.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/sew_d/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/sew_d/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/sew_d/modeling_sew_d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/sew_d/modeling_sew_d.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/speecht5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/speecht5/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/splinter/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/splinter/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/squeezebert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/squeezebert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/swiftformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/swiftformer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/swin/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/swin/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/swin/modeling_swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/swin/modeling_swin.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/swin2sr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/swin2sr/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/swinv2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/swinv2/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/t5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/t5/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/t5/configuration_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/t5/configuration_t5.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/t5/download_from_gcp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/t5/download_from_gcp.sh -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/t5/modeling_flax_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/t5/modeling_flax_t5.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/t5/modeling_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/t5/modeling_t5.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/t5/modeling_tf_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/t5/modeling_tf_t5.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/t5/tokenization_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/t5/tokenization_t5.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/tapas/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/tapas/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/tapas/modeling_tapas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/tapas/modeling_tapas.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/timesformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/timesformer/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/transfo_xl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/transfo_xl/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/trocr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/trocr/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/trocr/modeling_trocr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/trocr/modeling_trocr.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/tvlt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/tvlt/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/tvlt/modeling_tvlt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/tvlt/modeling_tvlt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/tvlt/processing_tvlt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/tvlt/processing_tvlt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/umt5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/umt5/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/umt5/modeling_umt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/umt5/modeling_umt5.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/unispeech/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/unispeech/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/upernet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/upernet/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/videomae/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/videomae/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/vilt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/vilt/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/vilt/modeling_vilt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/vilt/modeling_vilt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/vilt/processing_vilt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/vilt/processing_vilt.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/visual_bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/visual_bert/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/vit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/vit/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/vit/modeling_tf_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/vit/modeling_tf_vit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/vit/modeling_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/vit/modeling_vit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/vit_hybrid/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/vit_hybrid/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/vit_mae/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/vit_mae/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/vit_msn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/vit_msn/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/vivit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/vivit/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/vivit/modeling_vivit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/vivit/modeling_vivit.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/wav2vec2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/wav2vec2/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/wavlm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/wavlm/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/wavlm/modeling_wavlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/wavlm/modeling_wavlm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/whisper/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/whisper/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/x_clip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/x_clip/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/xglm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/xglm/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/xglm/modeling_xglm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/xglm/modeling_xglm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/xlm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/xlm/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/xlm/modeling_tf_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/xlm/modeling_tf_xlm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/xlm/modeling_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/xlm/modeling_xlm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/xlm/tokenization_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/xlm/tokenization_xlm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/xlm_roberta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/xlm_roberta/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/xlnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/xlnet/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/xlnet/modeling_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/xlnet/modeling_xlnet.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/xmod/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/xmod/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/xmod/modeling_xmod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/xmod/modeling_xmod.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/yolos/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/yolos/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/yolos/modeling_yolos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/yolos/modeling_yolos.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/yoso/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/yoso/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/models/yoso/modeling_yoso.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/models/yoso/modeling_yoso.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/onnx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/onnx/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/onnx/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/onnx/__main__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/onnx/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/onnx/config.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/onnx/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/onnx/convert.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/onnx/features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/onnx/features.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/onnx/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/onnx/utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/optimization.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/optimization_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/optimization_tf.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pipelines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pipelines/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pipelines/audio_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pipelines/audio_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pipelines/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pipelines/base.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pipelines/conversational.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pipelines/conversational.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pipelines/depth_estimation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pipelines/depth_estimation.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pipelines/fill_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pipelines/fill_mask.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pipelines/image_to_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pipelines/image_to_text.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pipelines/mask_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pipelines/mask_generation.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pipelines/object_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pipelines/object_detection.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pipelines/pt_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pipelines/pt_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pipelines/text_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pipelines/text_generation.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/processing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/processing_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/pytorch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/pytorch_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/sagemaker/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/sagemaker/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/sagemaker/trainer_sm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/sagemaker/trainer_sm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/sagemaker/training_args_sm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/sagemaker/training_args_sm.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/testing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/testing_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tf_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/time_series_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/time_series_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tokenization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tokenization_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tokenization_utils_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tokenization_utils_base.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tokenization_utils_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tokenization_utils_fast.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/agent_types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/agent_types.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/agents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/agents.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/base.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/evaluate_agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/evaluate_agent.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/image_captioning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/image_captioning.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/image_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/image_segmentation.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/prompts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/prompts.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/python_interpreter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/python_interpreter.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/speech_to_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/speech_to_text.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/text_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/text_classification.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/text_summarization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/text_summarization.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/text_to_speech.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/text_to_speech.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/tools/translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/tools/translation.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/trainer.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/trainer_callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/trainer_callback.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/trainer_pt_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/trainer_pt_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/trainer_seq2seq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/trainer_seq2seq.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/trainer_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/trainer_tf.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/trainer_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/trainer_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/training_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/training_args.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/training_args_seq2seq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/training_args_seq2seq.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/training_args_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/training_args_tf.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/__init__.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/backbone_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/backbone_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/bitsandbytes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/bitsandbytes.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/constants.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/doc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/doc.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/dummy_flax_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/dummy_flax_objects.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/dummy_pt_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/dummy_pt_objects.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/dummy_speech_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/dummy_speech_objects.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/dummy_tf_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/dummy_tf_objects.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/dummy_vision_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/dummy_vision_objects.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/fx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/fx.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/generic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/generic.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/hp_naming.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/hp_naming.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/hub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/hub.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/import_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/logging.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/model_parallel_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/model_parallel_utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/notebook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/notebook.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/quantization_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/quantization_config.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/transformers/utils/versions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/transformers/utils/versions.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/llava/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/llava/utils.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/predict.py -------------------------------------------------------------------------------- /API/API_LLaVA/LLaVA/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/LLaVA/pyproject.toml -------------------------------------------------------------------------------- /API/API_LLaVA/functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/functions.py -------------------------------------------------------------------------------- /API/API_LLaVA/hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/hook.py -------------------------------------------------------------------------------- /API/API_LLaVA/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/API_LLaVA/main.py -------------------------------------------------------------------------------- /API/DatasetManager/DatasetManager/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /API/DatasetManager/DatasetManager/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/DatasetManager/DatasetManager/dataloader.py -------------------------------------------------------------------------------- /API/DatasetManager/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/DatasetManager/setup.py -------------------------------------------------------------------------------- /API/Prompts/prompts.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/API/Prompts/prompts.json -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/LICENSE -------------------------------------------------------------------------------- /ReadMe.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/ReadMe.md -------------------------------------------------------------------------------- /dataset/LLaVA_Wild/.placeholder: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dataset/mm-vet/.placeholder: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/.gitignore -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/LICENSE.txt -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/README.md -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/environment.yml -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/__init__.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/binary_waterbirds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/binary_waterbirds.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/constants.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/cub_classes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/cub_classes.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/factory.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/hook.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/imagenet_classes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/imagenet_classes.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/imagenet_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/imagenet_segmentation.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/misc.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/EVA01-g-14-plus.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/EVA01-g-14-plus.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/EVA01-g-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/EVA01-g-14.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/EVA02-B-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/EVA02-B-16.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/EVA02-E-14-plus.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/EVA02-E-14-plus.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/EVA02-E-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/EVA02-E-14.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/EVA02-L-14-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/EVA02-L-14-336.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/EVA02-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/EVA02-L-14.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-16-plus-240.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-16-plus-240.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-16-plus.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-16-plus.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-16.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-32-plus-256.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-32-plus-256.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-32-quickgelu.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-32-quickgelu.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-B-32.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-H-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-H-14.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-H-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-H-16.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-L-14-280.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-L-14-280.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-L-14-336.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-L-14-336.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-L-14.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-L-16-320.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-L-16-320.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-L-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-L-16.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-M-16-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-M-16-alt.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-M-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-M-16.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-M-32-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-M-32-alt.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-M-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-M-32.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-S-16-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-S-16-alt.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-S-16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-S-16.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-S-32-alt.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-S-32-alt.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-S-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-S-32.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-bigG-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-bigG-14.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-e-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-e-14.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/ViT-g-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/ViT-g-14.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/coca_ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/coca_ViT-B-32.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/coca_ViT-L-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/coca_ViT-L-14.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/coca_base.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/coca_base.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/coca_roberta-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/coca_roberta-ViT-B-32.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/mt5-base-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/mt5-base-ViT-B-32.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/mt5-xl-ViT-H-14.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/mt5-xl-ViT-H-14.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/model_configs/roberta-ViT-B-32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/model_configs/roberta-ViT-B-32.json -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/modified_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/modified_resnet.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/openai_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/openai_models.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/openai_templates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/openai_templates.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/pretrained.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/pretrained.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/segmentation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/segmentation_utils.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/timm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/timm_model.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/tokenizer.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/transform.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/transformer.py -------------------------------------------------------------------------------- /demo/API_CLIP/clip_prs/utils/vocab/bpe_simple_vocab_16e6.txt.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/clip_prs/utils/vocab/bpe_simple_vocab_16e6.txt.gz -------------------------------------------------------------------------------- /demo/API_CLIP/hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/hook.py -------------------------------------------------------------------------------- /demo/API_CLIP/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_CLIP/main.py -------------------------------------------------------------------------------- /demo/API_LLaVA/functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_LLaVA/functions.py -------------------------------------------------------------------------------- /demo/API_LLaVA/hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_LLaVA/hook.py -------------------------------------------------------------------------------- /demo/API_LLaVA/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/API_LLaVA/main.py -------------------------------------------------------------------------------- /demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/README.md -------------------------------------------------------------------------------- /demo/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/app.py -------------------------------------------------------------------------------- /demo/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/demo/requirements.txt -------------------------------------------------------------------------------- /results/llava15_llava_wild_api.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/results/llava15_llava_wild_api.json -------------------------------------------------------------------------------- /results/llava15_llava_wild_api_standard.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/results/llava15_llava_wild_api_standard.jsonl -------------------------------------------------------------------------------- /results/llava15_llava_wild_empty.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/results/llava15_llava_wild_empty.json -------------------------------------------------------------------------------- /results/llava15_llava_wild_empty_standard.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/results/llava15_llava_wild_empty_standard.jsonl -------------------------------------------------------------------------------- /results/llava15_mmvet_api.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/results/llava15_mmvet_api.json -------------------------------------------------------------------------------- /results/llava15_mmvet_api_standard.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/results/llava15_mmvet_api_standard.json -------------------------------------------------------------------------------- /results/llava15_mmvet_empty.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/results/llava15_mmvet_empty.json -------------------------------------------------------------------------------- /results/llava15_mmvet_empty_standard.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/results/llava15_mmvet_empty_standard.json -------------------------------------------------------------------------------- /sglang_inference/sglang_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/sglang_inference/sglang_inference.py -------------------------------------------------------------------------------- /sglang_inference/tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yu-rp/apiprompting/HEAD/sglang_inference/tutorial.ipynb --------------------------------------------------------------------------------