├── DeCo_examples.ipynb ├── LICENSE ├── README.md ├── amber_llava.py ├── chair.py ├── chair_llava.py ├── eval_tool ├── amber_infer.py ├── calculation.py ├── convert_answer_to_mme.py └── eval_pope.py ├── img └── method.png ├── llava ├── __init__.py ├── constants.py ├── conversation.py ├── mm_utils.py ├── model │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-311.pyc │ │ ├── __init__.cpython-39.pyc │ │ ├── builder.cpython-310.pyc │ │ ├── llava_arch.cpython-310.pyc │ │ ├── llava_arch.cpython-311.pyc │ │ └── llava_arch.cpython-39.pyc │ ├── apply_delta.py │ ├── builder.py │ ├── consolidate.py │ ├── language_model │ │ ├── __pycache__ │ │ │ ├── llava_llama.cpython-310.pyc │ │ │ ├── llava_llama.cpython-311.pyc │ │ │ ├── llava_llama.cpython-39.pyc │ │ │ ├── llava_mpt.cpython-310.pyc │ │ │ ├── llava_mpt.cpython-311.pyc │ │ │ └── llava_mpt.cpython-39.pyc │ │ ├── llava_llama.py │ │ ├── llava_mpt.py │ │ └── mpt │ │ │ ├── __pycache__ │ │ │ ├── adapt_tokenizer.cpython-310.pyc │ │ │ ├── adapt_tokenizer.cpython-39.pyc │ │ │ ├── attention.cpython-310.pyc │ │ │ ├── attention.cpython-311.pyc │ │ │ ├── attention.cpython-39.pyc │ │ │ ├── blocks.cpython-310.pyc │ │ │ ├── blocks.cpython-39.pyc │ │ │ ├── configuration_mpt.cpython-310.pyc │ │ │ ├── configuration_mpt.cpython-39.pyc │ │ │ ├── custom_embedding.cpython-310.pyc │ │ │ ├── custom_embedding.cpython-39.pyc │ │ │ ├── flash_attn_triton.cpython-310.pyc │ │ │ ├── flash_attn_triton.cpython-39.pyc │ │ │ ├── hf_prefixlm_converter.cpython-310.pyc │ │ │ ├── hf_prefixlm_converter.cpython-39.pyc │ │ │ ├── meta_init_context.cpython-310.pyc │ │ │ ├── meta_init_context.cpython-39.pyc │ │ │ ├── modeling_mpt.cpython-310.pyc │ │ │ ├── modeling_mpt.cpython-311.pyc │ │ │ ├── modeling_mpt.cpython-39.pyc │ │ │ ├── norm.cpython-310.pyc │ │ │ ├── norm.cpython-39.pyc │ │ │ ├── param_init_fns.cpython-310.pyc │ │ │ └── param_init_fns.cpython-39.pyc │ │ │ ├── adapt_tokenizer.py │ │ │ ├── attention.py │ │ │ ├── blocks.py │ │ │ ├── configuration_mpt.py │ │ │ ├── custom_embedding.py │ │ │ ├── flash_attn_triton.py │ │ │ ├── hf_prefixlm_converter.py │ │ │ ├── meta_init_context.py │ │ │ ├── modeling_mpt.py │ │ │ ├── norm.py │ │ │ └── param_init_fns.py │ ├── llava_arch.py │ ├── make_delta.py │ ├── multimodal_encoder │ │ ├── __pycache__ │ │ │ ├── builder.cpython-310.pyc │ │ │ ├── builder.cpython-311.pyc │ │ │ ├── builder.cpython-39.pyc │ │ │ ├── clip_encoder.cpython-310.pyc │ │ │ ├── clip_encoder.cpython-311.pyc │ │ │ └── clip_encoder.cpython-39.pyc │ │ ├── builder.py │ │ └── clip_encoder.py │ ├── multimodal_projector │ │ ├── __pycache__ │ │ │ ├── builder.cpython-310.pyc │ │ │ ├── builder.cpython-311.pyc │ │ │ └── builder.cpython-39.pyc │ │ └── builder.py │ └── utils.py ├── train │ ├── __pycache__ │ │ ├── llama_flash_attn_monkey_patch.cpython-310.pyc │ │ ├── llava_trainer.cpython-310.pyc │ │ └── train.cpython-310.pyc │ ├── llama_flash_attn_monkey_patch.py │ ├── llama_xformers_attn_monkey_patch.py │ ├── llava_trainer.py │ ├── train.py │ ├── train_mem.py │ └── train_xformers.py └── utils.py ├── mme_llava.py ├── opera_log ├── instructblip │ ├── beam5.jsonl │ ├── greedy.jsonl │ └── ours.jsonl ├── llava-1.5 │ ├── beam5.jsonl │ ├── greedy.jsonl │ └── ours.jsonl ├── minigpt4 │ ├── beam5.jsonl │ ├── greedy.jsonl │ └── ours.jsonl └── shikra │ ├── beam5.jsonl │ ├── greedy.jsonl │ └── ours.jsonl ├── pope_llava.py ├── probe_exp ├── 224-px.zip ├── 336-px.zip ├── case_analysis.ipynb ├── test_set │ └── all.json └── train_set │ ├── coco_co_occur.json │ ├── coco_ground_truth_objects.json │ ├── coco_pope_adversarial.json │ ├── coco_pope_popular.json │ └── coco_pope_random.json ├── requirements.txt ├── transformers ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── __init__.cpython-39.pyc │ ├── activations.cpython-310.pyc │ ├── activations.cpython-39.pyc │ ├── activations_tf.cpython-310.pyc │ ├── audio_utils.cpython-310.pyc │ ├── configuration_utils.cpython-310.pyc │ ├── configuration_utils.cpython-39.pyc │ ├── convert_graph_to_onnx.cpython-310.pyc │ ├── convert_pytorch_checkpoint_to_tf2.cpython-310.pyc │ ├── convert_slow_tokenizer.cpython-310.pyc │ ├── convert_slow_tokenizer.cpython-39.pyc │ ├── convert_slow_tokenizers_checkpoints_to_fast.cpython-310.pyc │ ├── convert_tf_hub_seq_to_seq_bert_to_pytorch.cpython-310.pyc │ ├── debug_utils.cpython-310.pyc │ ├── deepspeed.cpython-310.pyc │ ├── deepspeed.cpython-39.pyc │ ├── dependency_versions_check.cpython-310.pyc │ ├── dependency_versions_check.cpython-39.pyc │ ├── dependency_versions_table.cpython-310.pyc │ ├── dependency_versions_table.cpython-39.pyc │ ├── dynamic_module_utils.cpython-310.pyc │ ├── dynamic_module_utils.cpython-39.pyc │ ├── feature_extraction_sequence_utils.cpython-310.pyc │ ├── feature_extraction_utils.cpython-310.pyc │ ├── feature_extraction_utils.cpython-39.pyc │ ├── file_utils.cpython-310.pyc │ ├── file_utils.cpython-39.pyc │ ├── generation_flax_utils.cpython-310.pyc │ ├── generation_tf_utils.cpython-310.pyc │ ├── generation_utils.cpython-310.pyc │ ├── hf_argparser.cpython-310.pyc │ ├── hyperparameter_search.cpython-310.pyc │ ├── image_processing_utils.cpython-310.pyc │ ├── image_processing_utils.cpython-39.pyc │ ├── image_transforms.cpython-310.pyc │ ├── image_transforms.cpython-39.pyc │ ├── image_utils.cpython-310.pyc │ ├── image_utils.cpython-39.pyc │ ├── integrations.cpython-310.pyc │ ├── keras_callbacks.cpython-310.pyc │ ├── modelcard.cpython-310.pyc │ ├── modeling_flax_outputs.cpython-310.pyc │ ├── modeling_flax_pytorch_utils.cpython-310.pyc │ ├── modeling_flax_utils.cpython-310.pyc │ ├── modeling_outputs.cpython-310.pyc │ ├── modeling_outputs.cpython-39.pyc │ ├── modeling_tf_outputs.cpython-310.pyc │ ├── modeling_tf_pytorch_utils.cpython-310.pyc │ ├── modeling_tf_utils.cpython-310.pyc │ ├── modeling_utils.cpython-310.pyc │ ├── modeling_utils.cpython-39.pyc │ ├── optimization.cpython-310.pyc │ ├── optimization_tf.cpython-310.pyc │ ├── processing_utils.cpython-310.pyc │ ├── pytorch_utils.cpython-310.pyc │ ├── pytorch_utils.cpython-39.pyc │ ├── testing_utils.cpython-310.pyc │ ├── tf_utils.cpython-310.pyc │ ├── time_series_utils.cpython-310.pyc │ ├── tokenization_utils.cpython-310.pyc │ ├── tokenization_utils.cpython-39.pyc │ ├── tokenization_utils_base.cpython-310.pyc │ ├── tokenization_utils_base.cpython-39.pyc │ ├── tokenization_utils_fast.cpython-310.pyc │ ├── tokenization_utils_fast.cpython-39.pyc │ ├── trainer.cpython-310.pyc │ ├── trainer_callback.cpython-310.pyc │ ├── trainer_pt_utils.cpython-310.pyc │ ├── trainer_seq2seq.cpython-310.pyc │ ├── trainer_tf.cpython-310.pyc │ ├── trainer_utils.cpython-310.pyc │ ├── training_args.cpython-310.pyc │ ├── training_args_seq2seq.cpython-310.pyc │ └── training_args_tf.cpython-310.pyc ├── activations.py ├── activations_tf.py ├── audio_utils.py ├── benchmark │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── benchmark.cpython-310.pyc │ │ ├── benchmark_args.cpython-310.pyc │ │ ├── benchmark_args_tf.cpython-310.pyc │ │ ├── benchmark_args_utils.cpython-310.pyc │ │ ├── benchmark_tf.cpython-310.pyc │ │ └── benchmark_utils.cpython-310.pyc │ ├── benchmark.py │ ├── benchmark_args.py │ ├── benchmark_args_tf.py │ ├── benchmark_args_utils.py │ ├── benchmark_tf.py │ └── benchmark_utils.py ├── commands │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── add_new_model.cpython-310.pyc │ │ ├── add_new_model_like.cpython-310.pyc │ │ ├── convert.cpython-310.pyc │ │ ├── download.cpython-310.pyc │ │ ├── env.cpython-310.pyc │ │ ├── lfs.cpython-310.pyc │ │ ├── pt_to_tf.cpython-310.pyc │ │ ├── run.cpython-310.pyc │ │ ├── serving.cpython-310.pyc │ │ ├── train.cpython-310.pyc │ │ ├── transformers_cli.cpython-310.pyc │ │ └── user.cpython-310.pyc │ ├── 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 │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ └── data_collator.cpython-310.pyc │ ├── data_collator.py │ ├── datasets │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── glue.cpython-310.pyc │ │ │ ├── language_modeling.cpython-310.pyc │ │ │ └── squad.cpython-310.pyc │ │ ├── glue.py │ │ ├── language_modeling.py │ │ └── squad.py │ ├── metrics │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ └── squad_metrics.cpython-310.pyc │ │ └── squad_metrics.py │ └── processors │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── glue.cpython-310.pyc │ │ ├── squad.cpython-310.pyc │ │ ├── utils.cpython-310.pyc │ │ └── xnli.cpython-310.pyc │ │ ├── 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 │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-39.pyc │ │ ├── beam_constraints.cpython-310.pyc │ │ ├── beam_constraints.cpython-39.pyc │ │ ├── beam_search.cpython-310.pyc │ │ ├── beam_search.cpython-39.pyc │ │ ├── configuration_utils.cpython-310.pyc │ │ ├── configuration_utils.cpython-39.pyc │ │ ├── flax_logits_process.cpython-310.pyc │ │ ├── flax_utils.cpython-310.pyc │ │ ├── logits_process.cpython-310.pyc │ │ ├── logits_process.cpython-39.pyc │ │ ├── stopping_criteria.cpython-310.pyc │ │ ├── stopping_criteria.cpython-39.pyc │ │ ├── streamers.cpython-310.pyc │ │ ├── streamers.cpython-39.pyc │ │ ├── tf_logits_process.cpython-310.pyc │ │ ├── tf_utils.cpython-310.pyc │ │ ├── utils.cpython-310.pyc │ │ └── utils.cpython-39.pyc │ ├── 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 │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ └── __init__.cpython-39.pyc │ ├── albert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_albert.cpython-310.pyc │ │ │ ├── convert_albert_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_albert.cpython-310.pyc │ │ │ ├── modeling_flax_albert.cpython-310.pyc │ │ │ ├── modeling_tf_albert.cpython-310.pyc │ │ │ ├── tokenization_albert.cpython-310.pyc │ │ │ └── tokenization_albert_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_align.cpython-310.pyc │ │ │ ├── convert_align_tf_to_hf.cpython-310.pyc │ │ │ ├── modeling_align.cpython-310.pyc │ │ │ └── processing_align.cpython-310.pyc │ │ ├── configuration_align.py │ │ ├── convert_align_tf_to_hf.py │ │ ├── modeling_align.py │ │ └── processing_align.py │ ├── altclip │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_altclip.cpython-310.pyc │ │ │ ├── modeling_altclip.cpython-310.pyc │ │ │ └── processing_altclip.cpython-310.pyc │ │ ├── configuration_altclip.py │ │ ├── modeling_altclip.py │ │ └── processing_altclip.py │ ├── audio_spectrogram_transformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_audio_spectrogram_transformer.cpython-310.pyc │ │ │ ├── convert_audio_spectrogram_transformer_original_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_audio_spectrogram_transformer.cpython-310.pyc │ │ │ └── modeling_audio_spectrogram_transformer.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── auto_factory.cpython-310.pyc │ │ │ ├── auto_factory.cpython-39.pyc │ │ │ ├── configuration_auto.cpython-310.pyc │ │ │ ├── configuration_auto.cpython-39.pyc │ │ │ ├── feature_extraction_auto.cpython-310.pyc │ │ │ ├── image_processing_auto.cpython-310.pyc │ │ │ ├── modeling_auto.cpython-310.pyc │ │ │ ├── modeling_auto.cpython-39.pyc │ │ │ ├── modeling_flax_auto.cpython-310.pyc │ │ │ ├── modeling_tf_auto.cpython-310.pyc │ │ │ ├── processing_auto.cpython-310.pyc │ │ │ ├── tokenization_auto.cpython-310.pyc │ │ │ └── tokenization_auto.cpython-39.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_autoformer.cpython-310.pyc │ │ │ └── modeling_autoformer.cpython-310.pyc │ │ ├── configuration_autoformer.py │ │ └── modeling_autoformer.py │ ├── bark │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_bark.cpython-310.pyc │ │ │ ├── convert_suno_to_hf.cpython-310.pyc │ │ │ ├── generation_configuration_bark.cpython-310.pyc │ │ │ ├── modeling_bark.cpython-310.pyc │ │ │ └── processing_bark.cpython-310.pyc │ │ ├── configuration_bark.py │ │ ├── convert_suno_to_hf.py │ │ ├── generation_configuration_bark.py │ │ ├── modeling_bark.py │ │ └── processing_bark.py │ ├── bart │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_bart.cpython-310.pyc │ │ │ ├── convert_bart_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_bart.cpython-310.pyc │ │ │ ├── modeling_flax_bart.cpython-310.pyc │ │ │ ├── modeling_tf_bart.cpython-310.pyc │ │ │ ├── tokenization_bart.cpython-310.pyc │ │ │ └── tokenization_bart_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── tokenization_barthez.cpython-310.pyc │ │ │ └── tokenization_barthez_fast.cpython-310.pyc │ │ ├── tokenization_barthez.py │ │ └── tokenization_barthez_fast.py │ ├── bartpho │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ └── tokenization_bartpho.cpython-310.pyc │ │ └── tokenization_bartpho.py │ ├── beit │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_beit.cpython-310.pyc │ │ │ ├── convert_beit_unilm_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_beit.cpython-310.pyc │ │ │ ├── image_processing_beit.cpython-310.pyc │ │ │ ├── modeling_beit.cpython-310.pyc │ │ │ └── modeling_flax_beit.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_bert.cpython-310.pyc │ │ │ ├── configuration_bert.cpython-39.pyc │ │ │ ├── convert_bert_original_tf2_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_bert_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_bert_pytorch_checkpoint_to_original_tf.cpython-310.pyc │ │ │ ├── convert_bert_token_dropping_original_tf2_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_bert.cpython-310.pyc │ │ │ ├── modeling_flax_bert.cpython-310.pyc │ │ │ ├── modeling_tf_bert.cpython-310.pyc │ │ │ ├── tokenization_bert.cpython-310.pyc │ │ │ ├── tokenization_bert_fast.cpython-310.pyc │ │ │ └── tokenization_bert_tf.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_bert_generation.cpython-310.pyc │ │ │ ├── modeling_bert_generation.cpython-310.pyc │ │ │ └── tokenization_bert_generation.cpython-310.pyc │ │ ├── configuration_bert_generation.py │ │ ├── modeling_bert_generation.py │ │ └── tokenization_bert_generation.py │ ├── bert_japanese │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ └── tokenization_bert_japanese.cpython-310.pyc │ │ └── tokenization_bert_japanese.py │ ├── bertweet │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ └── tokenization_bertweet.cpython-310.pyc │ │ └── tokenization_bertweet.py │ ├── big_bird │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_big_bird.cpython-310.pyc │ │ │ ├── convert_bigbird_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_big_bird.cpython-310.pyc │ │ │ ├── modeling_flax_big_bird.cpython-310.pyc │ │ │ ├── tokenization_big_bird.cpython-310.pyc │ │ │ └── tokenization_big_bird_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_bigbird_pegasus.cpython-310.pyc │ │ │ ├── convert_bigbird_pegasus_tf_to_pytorch.cpython-310.pyc │ │ │ └── modeling_bigbird_pegasus.cpython-310.pyc │ │ ├── configuration_bigbird_pegasus.py │ │ ├── convert_bigbird_pegasus_tf_to_pytorch.py │ │ └── modeling_bigbird_pegasus.py │ ├── biogpt │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_biogpt.cpython-310.pyc │ │ │ ├── convert_biogpt_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_biogpt.cpython-310.pyc │ │ │ └── tokenization_biogpt.cpython-310.pyc │ │ ├── configuration_biogpt.py │ │ ├── convert_biogpt_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_biogpt.py │ │ └── tokenization_biogpt.py │ ├── bit │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_bit.cpython-310.pyc │ │ │ ├── convert_bit_to_pytorch.cpython-310.pyc │ │ │ ├── image_processing_bit.cpython-310.pyc │ │ │ └── modeling_bit.cpython-310.pyc │ │ ├── configuration_bit.py │ │ ├── convert_bit_to_pytorch.py │ │ ├── image_processing_bit.py │ │ └── modeling_bit.py │ ├── blenderbot │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_blenderbot.cpython-310.pyc │ │ │ ├── convert_blenderbot_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_blenderbot.cpython-310.pyc │ │ │ ├── modeling_flax_blenderbot.cpython-310.pyc │ │ │ ├── modeling_tf_blenderbot.cpython-310.pyc │ │ │ ├── tokenization_blenderbot.cpython-310.pyc │ │ │ └── tokenization_blenderbot_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_blenderbot_small.cpython-310.pyc │ │ │ ├── modeling_blenderbot_small.cpython-310.pyc │ │ │ ├── modeling_flax_blenderbot_small.cpython-310.pyc │ │ │ ├── modeling_tf_blenderbot_small.cpython-310.pyc │ │ │ ├── tokenization_blenderbot_small.cpython-310.pyc │ │ │ └── tokenization_blenderbot_small_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_blip.cpython-310.pyc │ │ │ ├── convert_blip_original_pytorch_to_hf.cpython-310.pyc │ │ │ ├── image_processing_blip.cpython-310.pyc │ │ │ ├── modeling_blip.cpython-310.pyc │ │ │ ├── modeling_blip_text.cpython-310.pyc │ │ │ ├── modeling_tf_blip.cpython-310.pyc │ │ │ ├── modeling_tf_blip_text.cpython-310.pyc │ │ │ └── processing_blip.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_blip_2.cpython-310.pyc │ │ │ ├── convert_blip_2_original_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_blip_2.cpython-310.pyc │ │ │ └── processing_blip_2.cpython-310.pyc │ │ ├── configuration_blip_2.py │ │ ├── convert_blip_2_original_to_pytorch.py │ │ ├── modeling_blip_2.py │ │ └── processing_blip_2.py │ ├── bloom │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_bloom.cpython-310.pyc │ │ │ ├── configuration_bloom.cpython-39.pyc │ │ │ ├── convert_bloom_original_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_bloom.cpython-310.pyc │ │ │ ├── modeling_bloom.cpython-39.pyc │ │ │ └── tokenization_bloom_fast.cpython-310.pyc │ │ ├── configuration_bloom.py │ │ ├── convert_bloom_original_checkpoint_to_pytorch.py │ │ ├── modeling_bloom.py │ │ └── tokenization_bloom_fast.py │ ├── bridgetower │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_bridgetower.cpython-310.pyc │ │ │ ├── image_processing_bridgetower.cpython-310.pyc │ │ │ ├── modeling_bridgetower.cpython-310.pyc │ │ │ └── processing_bridgetower.cpython-310.pyc │ │ ├── configuration_bridgetower.py │ │ ├── image_processing_bridgetower.py │ │ ├── modeling_bridgetower.py │ │ └── processing_bridgetower.py │ ├── byt5 │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── convert_byt5_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── tokenization_byt5.cpython-310.pyc │ │ ├── convert_byt5_original_tf_checkpoint_to_pytorch.py │ │ └── tokenization_byt5.py │ ├── camembert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_camembert.cpython-310.pyc │ │ │ ├── modeling_camembert.cpython-310.pyc │ │ │ ├── modeling_tf_camembert.cpython-310.pyc │ │ │ ├── tokenization_camembert.cpython-310.pyc │ │ │ └── tokenization_camembert_fast.cpython-310.pyc │ │ ├── configuration_camembert.py │ │ ├── modeling_camembert.py │ │ ├── modeling_tf_camembert.py │ │ ├── tokenization_camembert.py │ │ └── tokenization_camembert_fast.py │ ├── canine │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_canine.cpython-310.pyc │ │ │ ├── convert_canine_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_canine.cpython-310.pyc │ │ │ └── tokenization_canine.cpython-310.pyc │ │ ├── configuration_canine.py │ │ ├── convert_canine_original_tf_checkpoint_to_pytorch.py │ │ ├── modeling_canine.py │ │ └── tokenization_canine.py │ ├── chinese_clip │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_chinese_clip.cpython-310.pyc │ │ │ ├── convert_chinese_clip_original_pytorch_to_hf.cpython-310.pyc │ │ │ ├── feature_extraction_chinese_clip.cpython-310.pyc │ │ │ ├── image_processing_chinese_clip.cpython-310.pyc │ │ │ ├── modeling_chinese_clip.cpython-310.pyc │ │ │ └── processing_chinese_clip.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_clap.cpython-310.pyc │ │ │ ├── convert_clap_original_pytorch_to_hf.cpython-310.pyc │ │ │ ├── feature_extraction_clap.cpython-310.pyc │ │ │ ├── modeling_clap.cpython-310.pyc │ │ │ └── processing_clap.cpython-310.pyc │ │ ├── configuration_clap.py │ │ ├── convert_clap_original_pytorch_to_hf.py │ │ ├── feature_extraction_clap.py │ │ ├── modeling_clap.py │ │ └── processing_clap.py │ ├── clip │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_clip.cpython-310.pyc │ │ │ ├── configuration_clip.cpython-39.pyc │ │ │ ├── convert_clip_original_pytorch_to_hf.cpython-310.pyc │ │ │ ├── feature_extraction_clip.cpython-310.pyc │ │ │ ├── image_processing_clip.cpython-310.pyc │ │ │ ├── image_processing_clip.cpython-39.pyc │ │ │ ├── modeling_clip.cpython-310.pyc │ │ │ ├── modeling_clip.cpython-39.pyc │ │ │ ├── modeling_flax_clip.cpython-310.pyc │ │ │ ├── modeling_tf_clip.cpython-310.pyc │ │ │ ├── processing_clip.cpython-310.pyc │ │ │ ├── tokenization_clip.cpython-310.pyc │ │ │ └── tokenization_clip_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_clipseg.cpython-310.pyc │ │ │ ├── convert_clipseg_original_pytorch_to_hf.cpython-310.pyc │ │ │ ├── modeling_clipseg.cpython-310.pyc │ │ │ └── processing_clipseg.cpython-310.pyc │ │ ├── configuration_clipseg.py │ │ ├── convert_clipseg_original_pytorch_to_hf.py │ │ ├── modeling_clipseg.py │ │ └── processing_clipseg.py │ ├── codegen │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_codegen.cpython-310.pyc │ │ │ ├── modeling_codegen.cpython-310.pyc │ │ │ ├── tokenization_codegen.cpython-310.pyc │ │ │ └── tokenization_codegen_fast.cpython-310.pyc │ │ ├── configuration_codegen.py │ │ ├── modeling_codegen.py │ │ ├── tokenization_codegen.py │ │ └── tokenization_codegen_fast.py │ ├── conditional_detr │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_conditional_detr.cpython-310.pyc │ │ │ ├── convert_conditional_detr_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_conditional_detr.cpython-310.pyc │ │ │ ├── image_processing_conditional_detr.cpython-310.pyc │ │ │ └── modeling_conditional_detr.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_convbert.cpython-310.pyc │ │ │ ├── convert_convbert_original_tf1_checkpoint_to_pytorch_and_tf2.cpython-310.pyc │ │ │ ├── modeling_convbert.cpython-310.pyc │ │ │ ├── modeling_tf_convbert.cpython-310.pyc │ │ │ ├── tokenization_convbert.cpython-310.pyc │ │ │ └── tokenization_convbert_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_convnext.cpython-310.pyc │ │ │ ├── convert_convnext_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_convnext.cpython-310.pyc │ │ │ ├── image_processing_convnext.cpython-310.pyc │ │ │ ├── modeling_convnext.cpython-310.pyc │ │ │ └── modeling_tf_convnext.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_convnextv2.cpython-310.pyc │ │ │ ├── convert_convnextv2_to_pytorch.cpython-310.pyc │ │ │ └── modeling_convnextv2.cpython-310.pyc │ │ ├── configuration_convnextv2.py │ │ ├── convert_convnextv2_to_pytorch.py │ │ └── modeling_convnextv2.py │ ├── cpm │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── tokenization_cpm.cpython-310.pyc │ │ │ └── tokenization_cpm_fast.cpython-310.pyc │ │ ├── tokenization_cpm.py │ │ └── tokenization_cpm_fast.py │ ├── cpmant │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_cpmant.cpython-310.pyc │ │ │ ├── modeling_cpmant.cpython-310.pyc │ │ │ └── tokenization_cpmant.cpython-310.pyc │ │ ├── configuration_cpmant.py │ │ ├── modeling_cpmant.py │ │ └── tokenization_cpmant.py │ ├── ctrl │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_ctrl.cpython-310.pyc │ │ │ ├── modeling_ctrl.cpython-310.pyc │ │ │ ├── modeling_tf_ctrl.cpython-310.pyc │ │ │ └── tokenization_ctrl.cpython-310.pyc │ │ ├── configuration_ctrl.py │ │ ├── modeling_ctrl.py │ │ ├── modeling_tf_ctrl.py │ │ └── tokenization_ctrl.py │ ├── cvt │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_cvt.cpython-310.pyc │ │ │ ├── convert_cvt_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_cvt.cpython-310.pyc │ │ │ └── modeling_tf_cvt.cpython-310.pyc │ │ ├── configuration_cvt.py │ │ ├── convert_cvt_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_cvt.py │ │ └── modeling_tf_cvt.py │ ├── data2vec │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_data2vec_audio.cpython-310.pyc │ │ │ ├── configuration_data2vec_text.cpython-310.pyc │ │ │ ├── configuration_data2vec_vision.cpython-310.pyc │ │ │ ├── convert_data2vec_audio_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_data2vec_text_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_data2vec_vision_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_data2vec_audio.cpython-310.pyc │ │ │ ├── modeling_data2vec_text.cpython-310.pyc │ │ │ ├── modeling_data2vec_vision.cpython-310.pyc │ │ │ └── modeling_tf_data2vec_vision.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_deberta.cpython-310.pyc │ │ │ ├── modeling_deberta.cpython-310.pyc │ │ │ ├── modeling_tf_deberta.cpython-310.pyc │ │ │ ├── tokenization_deberta.cpython-310.pyc │ │ │ └── tokenization_deberta_fast.cpython-310.pyc │ │ ├── configuration_deberta.py │ │ ├── modeling_deberta.py │ │ ├── modeling_tf_deberta.py │ │ ├── tokenization_deberta.py │ │ └── tokenization_deberta_fast.py │ ├── deberta_v2 │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_deberta_v2.cpython-310.pyc │ │ │ ├── modeling_deberta_v2.cpython-310.pyc │ │ │ ├── modeling_tf_deberta_v2.cpython-310.pyc │ │ │ ├── tokenization_deberta_v2.cpython-310.pyc │ │ │ └── tokenization_deberta_v2_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_decision_transformer.cpython-310.pyc │ │ │ └── modeling_decision_transformer.cpython-310.pyc │ │ ├── configuration_decision_transformer.py │ │ └── modeling_decision_transformer.py │ ├── deformable_detr │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_deformable_detr.cpython-310.pyc │ │ │ ├── convert_deformable_detr_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_deformable_detr.cpython-310.pyc │ │ │ ├── image_processing_deformable_detr.cpython-310.pyc │ │ │ ├── load_custom.cpython-310.pyc │ │ │ └── modeling_deformable_detr.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_deit.cpython-310.pyc │ │ │ ├── convert_deit_timm_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_deit.cpython-310.pyc │ │ │ ├── image_processing_deit.cpython-310.pyc │ │ │ ├── modeling_deit.cpython-310.pyc │ │ │ └── modeling_tf_deit.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ └── __init__.cpython-39.pyc │ │ ├── bort │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ └── convert_bort_original_gluonnlp_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── convert_bort_original_gluonnlp_checkpoint_to_pytorch.py │ │ ├── mctct │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── configuration_mctct.cpython-310.pyc │ │ │ │ ├── feature_extraction_mctct.cpython-310.pyc │ │ │ │ ├── modeling_mctct.cpython-310.pyc │ │ │ │ └── processing_mctct.cpython-310.pyc │ │ │ ├── configuration_mctct.py │ │ │ ├── feature_extraction_mctct.py │ │ │ ├── modeling_mctct.py │ │ │ └── processing_mctct.py │ │ ├── mmbt │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── configuration_mmbt.cpython-310.pyc │ │ │ │ └── modeling_mmbt.cpython-310.pyc │ │ │ ├── configuration_mmbt.py │ │ │ └── modeling_mmbt.py │ │ ├── retribert │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── configuration_retribert.cpython-310.pyc │ │ │ │ ├── modeling_retribert.cpython-310.pyc │ │ │ │ ├── tokenization_retribert.cpython-310.pyc │ │ │ │ └── tokenization_retribert_fast.cpython-310.pyc │ │ │ ├── configuration_retribert.py │ │ │ ├── modeling_retribert.py │ │ │ ├── tokenization_retribert.py │ │ │ └── tokenization_retribert_fast.py │ │ ├── tapex │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ └── tokenization_tapex.cpython-310.pyc │ │ │ └── tokenization_tapex.py │ │ ├── trajectory_transformer │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── configuration_trajectory_transformer.cpython-310.pyc │ │ │ │ ├── convert_trajectory_transformer_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ │ └── modeling_trajectory_transformer.cpython-310.pyc │ │ │ ├── configuration_trajectory_transformer.py │ │ │ ├── convert_trajectory_transformer_original_pytorch_checkpoint_to_pytorch.py │ │ │ └── modeling_trajectory_transformer.py │ │ └── van │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── configuration_van.cpython-310.pyc │ │ │ ├── convert_van_to_pytorch.cpython-310.pyc │ │ │ └── modeling_van.cpython-310.pyc │ │ │ ├── configuration_van.py │ │ │ ├── convert_van_to_pytorch.py │ │ │ └── modeling_van.py │ ├── deta │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_deta.cpython-310.pyc │ │ │ ├── convert_deta_resnet_to_pytorch.cpython-310.pyc │ │ │ ├── convert_deta_swin_to_pytorch.cpython-310.pyc │ │ │ ├── image_processing_deta.cpython-310.pyc │ │ │ └── modeling_deta.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_detr.cpython-310.pyc │ │ │ ├── convert_detr_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_detr_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_detr.cpython-310.pyc │ │ │ ├── image_processing_detr.cpython-310.pyc │ │ │ └── modeling_detr.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ └── convert_dialogpt_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ └── convert_dialogpt_original_pytorch_checkpoint_to_pytorch.py │ ├── dinat │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_dinat.cpython-310.pyc │ │ │ └── modeling_dinat.cpython-310.pyc │ │ ├── configuration_dinat.py │ │ └── modeling_dinat.py │ ├── distilbert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_distilbert.cpython-310.pyc │ │ │ ├── modeling_distilbert.cpython-310.pyc │ │ │ ├── modeling_flax_distilbert.cpython-310.pyc │ │ │ ├── modeling_tf_distilbert.cpython-310.pyc │ │ │ ├── tokenization_distilbert.cpython-310.pyc │ │ │ └── tokenization_distilbert_fast.cpython-310.pyc │ │ ├── configuration_distilbert.py │ │ ├── modeling_distilbert.py │ │ ├── modeling_flax_distilbert.py │ │ ├── modeling_tf_distilbert.py │ │ ├── tokenization_distilbert.py │ │ └── tokenization_distilbert_fast.py │ ├── dit │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ └── convert_dit_unilm_to_pytorch.cpython-310.pyc │ │ └── convert_dit_unilm_to_pytorch.py │ ├── donut │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_donut_swin.cpython-310.pyc │ │ │ ├── convert_donut_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_donut.cpython-310.pyc │ │ │ ├── image_processing_donut.cpython-310.pyc │ │ │ ├── modeling_donut_swin.cpython-310.pyc │ │ │ └── processing_donut.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_dpr.cpython-310.pyc │ │ │ ├── convert_dpr_original_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_dpr.cpython-310.pyc │ │ │ ├── modeling_tf_dpr.cpython-310.pyc │ │ │ ├── tokenization_dpr.cpython-310.pyc │ │ │ └── tokenization_dpr_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_dpt.cpython-310.pyc │ │ │ ├── convert_dpt_hybrid_to_pytorch.cpython-310.pyc │ │ │ ├── convert_dpt_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_dpt.cpython-310.pyc │ │ │ ├── image_processing_dpt.cpython-310.pyc │ │ │ └── modeling_dpt.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_efficientformer.cpython-310.pyc │ │ │ ├── convert_efficientformer_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── image_processing_efficientformer.cpython-310.pyc │ │ │ ├── modeling_efficientformer.cpython-310.pyc │ │ │ └── modeling_tf_efficientformer.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_efficientnet.cpython-310.pyc │ │ │ ├── convert_efficientnet_to_pytorch.cpython-310.pyc │ │ │ ├── image_processing_efficientnet.cpython-310.pyc │ │ │ └── modeling_efficientnet.cpython-310.pyc │ │ ├── configuration_efficientnet.py │ │ ├── convert_efficientnet_to_pytorch.py │ │ ├── image_processing_efficientnet.py │ │ └── modeling_efficientnet.py │ ├── electra │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_electra.cpython-310.pyc │ │ │ ├── convert_electra_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_electra.cpython-310.pyc │ │ │ ├── modeling_flax_electra.cpython-310.pyc │ │ │ ├── modeling_tf_electra.cpython-310.pyc │ │ │ ├── tokenization_electra.cpython-310.pyc │ │ │ └── tokenization_electra_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_encodec.cpython-310.pyc │ │ │ ├── convert_encodec_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_encodec.cpython-310.pyc │ │ │ └── modeling_encodec.cpython-310.pyc │ │ ├── configuration_encodec.py │ │ ├── convert_encodec_checkpoint_to_pytorch.py │ │ ├── feature_extraction_encodec.py │ │ └── modeling_encodec.py │ ├── encoder_decoder │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_encoder_decoder.cpython-310.pyc │ │ │ ├── configuration_encoder_decoder.cpython-39.pyc │ │ │ ├── modeling_encoder_decoder.cpython-310.pyc │ │ │ ├── modeling_flax_encoder_decoder.cpython-310.pyc │ │ │ └── modeling_tf_encoder_decoder.cpython-310.pyc │ │ ├── configuration_encoder_decoder.py │ │ ├── modeling_encoder_decoder.py │ │ ├── modeling_flax_encoder_decoder.py │ │ └── modeling_tf_encoder_decoder.py │ ├── ernie │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_ernie.cpython-310.pyc │ │ │ └── modeling_ernie.cpython-310.pyc │ │ ├── configuration_ernie.py │ │ └── modeling_ernie.py │ ├── ernie_m │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_ernie_m.cpython-310.pyc │ │ │ ├── modeling_ernie_m.cpython-310.pyc │ │ │ └── tokenization_ernie_m.cpython-310.pyc │ │ ├── configuration_ernie_m.py │ │ ├── modeling_ernie_m.py │ │ └── tokenization_ernie_m.py │ ├── esm │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_esm.cpython-310.pyc │ │ │ ├── convert_esm.cpython-310.pyc │ │ │ ├── modeling_esm.cpython-310.pyc │ │ │ ├── modeling_esmfold.cpython-310.pyc │ │ │ ├── modeling_tf_esm.cpython-310.pyc │ │ │ └── tokenization_esm.cpython-310.pyc │ │ ├── configuration_esm.py │ │ ├── convert_esm.py │ │ ├── modeling_esm.py │ │ ├── modeling_esmfold.py │ │ ├── modeling_tf_esm.py │ │ ├── openfold_utils │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── chunk_utils.cpython-310.pyc │ │ │ │ ├── data_transforms.cpython-310.pyc │ │ │ │ ├── feats.cpython-310.pyc │ │ │ │ ├── loss.cpython-310.pyc │ │ │ │ ├── protein.cpython-310.pyc │ │ │ │ ├── residue_constants.cpython-310.pyc │ │ │ │ ├── rigid_utils.cpython-310.pyc │ │ │ │ └── tensor_utils.cpython-310.pyc │ │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_falcon.cpython-310.pyc │ │ │ └── modeling_falcon.cpython-310.pyc │ │ ├── configuration_falcon.py │ │ └── modeling_falcon.py │ ├── flaubert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_flaubert.cpython-310.pyc │ │ │ ├── modeling_flaubert.cpython-310.pyc │ │ │ ├── modeling_tf_flaubert.cpython-310.pyc │ │ │ └── tokenization_flaubert.cpython-310.pyc │ │ ├── configuration_flaubert.py │ │ ├── modeling_flaubert.py │ │ ├── modeling_tf_flaubert.py │ │ └── tokenization_flaubert.py │ ├── flava │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_flava.cpython-310.pyc │ │ │ ├── convert_dalle_to_flava_codebook.cpython-310.pyc │ │ │ ├── convert_flava_original_pytorch_to_hf.cpython-310.pyc │ │ │ ├── feature_extraction_flava.cpython-310.pyc │ │ │ ├── image_processing_flava.cpython-310.pyc │ │ │ ├── modeling_flava.cpython-310.pyc │ │ │ └── processing_flava.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_fnet.cpython-310.pyc │ │ │ ├── convert_fnet_original_flax_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_fnet.cpython-310.pyc │ │ │ ├── tokenization_fnet.cpython-310.pyc │ │ │ └── tokenization_fnet_fast.cpython-310.pyc │ │ ├── configuration_fnet.py │ │ ├── convert_fnet_original_flax_checkpoint_to_pytorch.py │ │ ├── modeling_fnet.py │ │ ├── tokenization_fnet.py │ │ └── tokenization_fnet_fast.py │ ├── focalnet │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_focalnet.cpython-310.pyc │ │ │ ├── convert_focalnet_to_hf_format.cpython-310.pyc │ │ │ └── modeling_focalnet.cpython-310.pyc │ │ ├── configuration_focalnet.py │ │ ├── convert_focalnet_to_hf_format.py │ │ └── modeling_focalnet.py │ ├── fsmt │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_fsmt.cpython-310.pyc │ │ │ ├── convert_fsmt_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_fsmt.cpython-310.pyc │ │ │ └── tokenization_fsmt.cpython-310.pyc │ │ ├── configuration_fsmt.py │ │ ├── convert_fsmt_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_fsmt.py │ │ └── tokenization_fsmt.py │ ├── funnel │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_funnel.cpython-310.pyc │ │ │ ├── convert_funnel_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_funnel.cpython-310.pyc │ │ │ ├── modeling_tf_funnel.cpython-310.pyc │ │ │ ├── tokenization_funnel.cpython-310.pyc │ │ │ └── tokenization_funnel_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_git.cpython-310.pyc │ │ │ ├── convert_git_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_git.cpython-310.pyc │ │ │ └── processing_git.cpython-310.pyc │ │ ├── configuration_git.py │ │ ├── convert_git_to_pytorch.py │ │ ├── modeling_git.py │ │ └── processing_git.py │ ├── glpn │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_glpn.cpython-310.pyc │ │ │ ├── convert_glpn_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_glpn.cpython-310.pyc │ │ │ ├── image_processing_glpn.cpython-310.pyc │ │ │ └── modeling_glpn.cpython-310.pyc │ │ ├── configuration_glpn.py │ │ ├── convert_glpn_to_pytorch.py │ │ ├── feature_extraction_glpn.py │ │ ├── image_processing_glpn.py │ │ └── modeling_glpn.py │ ├── gpt2 │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_gpt2.cpython-310.pyc │ │ │ ├── configuration_gpt2.cpython-39.pyc │ │ │ ├── convert_gpt2_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_gpt2.cpython-310.pyc │ │ │ ├── modeling_gpt2.cpython-310.pyc │ │ │ ├── modeling_gpt2.cpython-39.pyc │ │ │ ├── modeling_tf_gpt2.cpython-310.pyc │ │ │ ├── tokenization_gpt2.cpython-310.pyc │ │ │ ├── tokenization_gpt2_fast.cpython-310.pyc │ │ │ └── tokenization_gpt2_tf.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_gpt_bigcode.cpython-310.pyc │ │ │ └── modeling_gpt_bigcode.cpython-310.pyc │ │ ├── configuration_gpt_bigcode.py │ │ └── modeling_gpt_bigcode.py │ ├── gpt_neo │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_gpt_neo.cpython-310.pyc │ │ │ ├── configuration_gpt_neo.cpython-39.pyc │ │ │ ├── convert_gpt_neo_mesh_tf_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_gpt_neo.cpython-310.pyc │ │ │ ├── modeling_gpt_neo.cpython-310.pyc │ │ │ └── modeling_gpt_neo.cpython-39.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_gpt_neox.cpython-310.pyc │ │ │ ├── configuration_gpt_neox.cpython-39.pyc │ │ │ ├── modeling_gpt_neox.cpython-310.pyc │ │ │ ├── modeling_gpt_neox.cpython-39.pyc │ │ │ └── tokenization_gpt_neox_fast.cpython-310.pyc │ │ ├── configuration_gpt_neox.py │ │ ├── modeling_gpt_neox.py │ │ └── tokenization_gpt_neox_fast.py │ ├── gpt_neox_japanese │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_gpt_neox_japanese.cpython-310.pyc │ │ │ ├── modeling_gpt_neox_japanese.cpython-310.pyc │ │ │ └── tokenization_gpt_neox_japanese.cpython-310.pyc │ │ ├── configuration_gpt_neox_japanese.py │ │ ├── modeling_gpt_neox_japanese.py │ │ └── tokenization_gpt_neox_japanese.py │ ├── gpt_sw3 │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── convert_megatron_to_pytorch.cpython-310.pyc │ │ │ └── tokenization_gpt_sw3.cpython-310.pyc │ │ ├── convert_megatron_to_pytorch.py │ │ └── tokenization_gpt_sw3.py │ ├── gptj │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_gptj.cpython-310.pyc │ │ │ ├── configuration_gptj.cpython-39.pyc │ │ │ ├── modeling_flax_gptj.cpython-310.pyc │ │ │ ├── modeling_gptj.cpython-310.pyc │ │ │ ├── modeling_gptj.cpython-39.pyc │ │ │ └── modeling_tf_gptj.cpython-310.pyc │ │ ├── configuration_gptj.py │ │ ├── modeling_flax_gptj.py │ │ ├── modeling_gptj.py │ │ └── modeling_tf_gptj.py │ ├── gptsan_japanese │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_gptsan_japanese.cpython-310.pyc │ │ │ ├── convert_gptsan_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_gptsan_japanese.cpython-310.pyc │ │ │ └── tokenization_gptsan_japanese.cpython-310.pyc │ │ ├── configuration_gptsan_japanese.py │ │ ├── convert_gptsan_tf_checkpoint_to_pytorch.py │ │ ├── modeling_gptsan_japanese.py │ │ └── tokenization_gptsan_japanese.py │ ├── graphormer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── collating_graphormer.cpython-310.pyc │ │ │ ├── configuration_graphormer.cpython-310.pyc │ │ │ └── modeling_graphormer.cpython-310.pyc │ │ ├── algos_graphormer.pyx │ │ ├── collating_graphormer.py │ │ ├── configuration_graphormer.py │ │ └── modeling_graphormer.py │ ├── groupvit │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_groupvit.cpython-310.pyc │ │ │ ├── convert_groupvit_nvlab_to_hf.cpython-310.pyc │ │ │ ├── modeling_groupvit.cpython-310.pyc │ │ │ └── modeling_tf_groupvit.cpython-310.pyc │ │ ├── configuration_groupvit.py │ │ ├── convert_groupvit_nvlab_to_hf.py │ │ ├── modeling_groupvit.py │ │ └── modeling_tf_groupvit.py │ ├── herbert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── tokenization_herbert.cpython-310.pyc │ │ │ └── tokenization_herbert_fast.cpython-310.pyc │ │ ├── tokenization_herbert.py │ │ └── tokenization_herbert_fast.py │ ├── hubert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_hubert.cpython-310.pyc │ │ │ ├── convert_distilhubert_original_s3prl_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_hubert_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_hubert_original_s3prl_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_hubert.cpython-310.pyc │ │ │ └── modeling_tf_hubert.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_ibert.cpython-310.pyc │ │ │ ├── modeling_ibert.cpython-310.pyc │ │ │ └── quant_modules.cpython-310.pyc │ │ ├── configuration_ibert.py │ │ ├── modeling_ibert.py │ │ └── quant_modules.py │ ├── imagegpt │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_imagegpt.cpython-310.pyc │ │ │ ├── convert_imagegpt_original_tf2_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_imagegpt.cpython-310.pyc │ │ │ ├── image_processing_imagegpt.cpython-310.pyc │ │ │ └── modeling_imagegpt.cpython-310.pyc │ │ ├── configuration_imagegpt.py │ │ ├── convert_imagegpt_original_tf2_to_pytorch.py │ │ ├── feature_extraction_imagegpt.py │ │ ├── image_processing_imagegpt.py │ │ └── modeling_imagegpt.py │ ├── informer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_informer.cpython-310.pyc │ │ │ └── modeling_informer.cpython-310.pyc │ │ ├── configuration_informer.py │ │ └── modeling_informer.py │ ├── instructblip │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_instructblip.cpython-310.pyc │ │ │ ├── convert_instructblip_original_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_instructblip.cpython-310.pyc │ │ │ └── processing_instructblip.cpython-310.pyc │ │ ├── configuration_instructblip.py │ │ ├── convert_instructblip_original_to_pytorch.py │ │ ├── modeling_instructblip.py │ │ └── processing_instructblip.py │ ├── jukebox │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_jukebox.cpython-310.pyc │ │ │ ├── convert_jukebox.cpython-310.pyc │ │ │ ├── modeling_jukebox.cpython-310.pyc │ │ │ └── tokenization_jukebox.cpython-310.pyc │ │ ├── configuration_jukebox.py │ │ ├── convert_jukebox.py │ │ ├── modeling_jukebox.py │ │ └── tokenization_jukebox.py │ ├── layoutlm │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_layoutlm.cpython-310.pyc │ │ │ ├── modeling_layoutlm.cpython-310.pyc │ │ │ ├── modeling_tf_layoutlm.cpython-310.pyc │ │ │ ├── tokenization_layoutlm.cpython-310.pyc │ │ │ └── tokenization_layoutlm_fast.cpython-310.pyc │ │ ├── configuration_layoutlm.py │ │ ├── modeling_layoutlm.py │ │ ├── modeling_tf_layoutlm.py │ │ ├── tokenization_layoutlm.py │ │ └── tokenization_layoutlm_fast.py │ ├── layoutlmv2 │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_layoutlmv2.cpython-310.pyc │ │ │ ├── feature_extraction_layoutlmv2.cpython-310.pyc │ │ │ ├── image_processing_layoutlmv2.cpython-310.pyc │ │ │ ├── modeling_layoutlmv2.cpython-310.pyc │ │ │ ├── processing_layoutlmv2.cpython-310.pyc │ │ │ ├── tokenization_layoutlmv2.cpython-310.pyc │ │ │ └── tokenization_layoutlmv2_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_layoutlmv3.cpython-310.pyc │ │ │ ├── feature_extraction_layoutlmv3.cpython-310.pyc │ │ │ ├── image_processing_layoutlmv3.cpython-310.pyc │ │ │ ├── modeling_layoutlmv3.cpython-310.pyc │ │ │ ├── modeling_tf_layoutlmv3.cpython-310.pyc │ │ │ ├── processing_layoutlmv3.cpython-310.pyc │ │ │ ├── tokenization_layoutlmv3.cpython-310.pyc │ │ │ └── tokenization_layoutlmv3_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── processing_layoutxlm.cpython-310.pyc │ │ │ ├── tokenization_layoutxlm.cpython-310.pyc │ │ │ └── tokenization_layoutxlm_fast.cpython-310.pyc │ │ ├── processing_layoutxlm.py │ │ ├── tokenization_layoutxlm.py │ │ └── tokenization_layoutxlm_fast.py │ ├── led │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_led.cpython-310.pyc │ │ │ ├── modeling_led.cpython-310.pyc │ │ │ ├── modeling_tf_led.cpython-310.pyc │ │ │ ├── tokenization_led.cpython-310.pyc │ │ │ └── tokenization_led_fast.cpython-310.pyc │ │ ├── configuration_led.py │ │ ├── modeling_led.py │ │ ├── modeling_tf_led.py │ │ ├── tokenization_led.py │ │ └── tokenization_led_fast.py │ ├── levit │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_levit.cpython-310.pyc │ │ │ ├── convert_levit_timm_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_levit.cpython-310.pyc │ │ │ ├── image_processing_levit.cpython-310.pyc │ │ │ └── modeling_levit.cpython-310.pyc │ │ ├── configuration_levit.py │ │ ├── convert_levit_timm_to_pytorch.py │ │ ├── feature_extraction_levit.py │ │ ├── image_processing_levit.py │ │ └── modeling_levit.py │ ├── lilt │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_lilt.cpython-310.pyc │ │ │ └── modeling_lilt.cpython-310.pyc │ │ ├── configuration_lilt.py │ │ └── modeling_lilt.py │ ├── llama │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_llama.cpython-310.pyc │ │ │ ├── configuration_llama.cpython-39.pyc │ │ │ ├── convert_llama_weights_to_hf.cpython-310.pyc │ │ │ ├── modeling_llama.cpython-310.pyc │ │ │ ├── modeling_llama.cpython-39.pyc │ │ │ ├── tokenization_llama.cpython-310.pyc │ │ │ ├── tokenization_llama.cpython-39.pyc │ │ │ └── tokenization_llama_fast.cpython-310.pyc │ │ ├── configuration_llama.py │ │ ├── convert_llama_weights_to_hf.py │ │ ├── modeling_llama.py │ │ ├── tokenization_llama.py │ │ └── tokenization_llama_fast.py │ ├── longformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_longformer.cpython-310.pyc │ │ │ ├── convert_longformer_original_pytorch_lightning_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_longformer.cpython-310.pyc │ │ │ ├── modeling_tf_longformer.cpython-310.pyc │ │ │ ├── tokenization_longformer.cpython-310.pyc │ │ │ └── tokenization_longformer_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_longt5.cpython-310.pyc │ │ │ ├── convert_longt5x_checkpoint_to_flax.cpython-310.pyc │ │ │ ├── modeling_flax_longt5.cpython-310.pyc │ │ │ └── modeling_longt5.cpython-310.pyc │ │ ├── configuration_longt5.py │ │ ├── convert_longt5x_checkpoint_to_flax.py │ │ ├── modeling_flax_longt5.py │ │ └── modeling_longt5.py │ ├── luke │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_luke.cpython-310.pyc │ │ │ ├── convert_luke_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_luke.cpython-310.pyc │ │ │ └── tokenization_luke.cpython-310.pyc │ │ ├── configuration_luke.py │ │ ├── convert_luke_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_luke.py │ │ └── tokenization_luke.py │ ├── lxmert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_lxmert.cpython-310.pyc │ │ │ ├── convert_lxmert_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_lxmert.cpython-310.pyc │ │ │ ├── modeling_tf_lxmert.cpython-310.pyc │ │ │ ├── tokenization_lxmert.cpython-310.pyc │ │ │ └── tokenization_lxmert_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_m2m_100.cpython-310.pyc │ │ │ ├── convert_m2m100_original_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_m2m_100.cpython-310.pyc │ │ │ └── tokenization_m2m_100.cpython-310.pyc │ │ ├── configuration_m2m_100.py │ │ ├── convert_m2m100_original_checkpoint_to_pytorch.py │ │ ├── modeling_m2m_100.py │ │ └── tokenization_m2m_100.py │ ├── marian │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_marian.cpython-310.pyc │ │ │ ├── convert_marian_tatoeba_to_pytorch.cpython-310.pyc │ │ │ ├── convert_marian_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_marian.cpython-310.pyc │ │ │ ├── modeling_marian.cpython-310.pyc │ │ │ ├── modeling_tf_marian.cpython-310.pyc │ │ │ └── tokenization_marian.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_markuplm.cpython-310.pyc │ │ │ ├── feature_extraction_markuplm.cpython-310.pyc │ │ │ ├── modeling_markuplm.cpython-310.pyc │ │ │ ├── processing_markuplm.cpython-310.pyc │ │ │ ├── tokenization_markuplm.cpython-310.pyc │ │ │ └── tokenization_markuplm_fast.cpython-310.pyc │ │ ├── configuration_markuplm.py │ │ ├── feature_extraction_markuplm.py │ │ ├── modeling_markuplm.py │ │ ├── processing_markuplm.py │ │ ├── tokenization_markuplm.py │ │ └── tokenization_markuplm_fast.py │ ├── mask2former │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mask2former.cpython-310.pyc │ │ │ ├── convert_mask2former_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── image_processing_mask2former.cpython-310.pyc │ │ │ └── modeling_mask2former.cpython-310.pyc │ │ ├── configuration_mask2former.py │ │ ├── convert_mask2former_original_pytorch_checkpoint_to_pytorch.py │ │ ├── image_processing_mask2former.py │ │ └── modeling_mask2former.py │ ├── maskformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_maskformer.cpython-310.pyc │ │ │ ├── configuration_maskformer_swin.cpython-310.pyc │ │ │ ├── convert_maskformer_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_maskformer_resnet_to_pytorch.cpython-310.pyc │ │ │ ├── convert_maskformer_swin_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_maskformer.cpython-310.pyc │ │ │ ├── image_processing_maskformer.cpython-310.pyc │ │ │ ├── modeling_maskformer.cpython-310.pyc │ │ │ └── modeling_maskformer_swin.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mbart.cpython-310.pyc │ │ │ ├── convert_mbart_original_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_mbart.cpython-310.pyc │ │ │ ├── modeling_mbart.cpython-310.pyc │ │ │ ├── modeling_tf_mbart.cpython-310.pyc │ │ │ ├── tokenization_mbart.cpython-310.pyc │ │ │ └── tokenization_mbart_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── tokenization_mbart50.cpython-310.pyc │ │ │ └── tokenization_mbart50_fast.cpython-310.pyc │ │ ├── tokenization_mbart50.py │ │ └── tokenization_mbart50_fast.py │ ├── mega │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mega.cpython-310.pyc │ │ │ ├── convert_mega_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_mega.cpython-310.pyc │ │ ├── configuration_mega.py │ │ ├── convert_mega_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_mega.py │ ├── megatron_bert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_megatron_bert.cpython-310.pyc │ │ │ ├── convert_megatron_bert_checkpoint.cpython-310.pyc │ │ │ └── modeling_megatron_bert.cpython-310.pyc │ │ ├── configuration_megatron_bert.py │ │ ├── convert_megatron_bert_checkpoint.py │ │ └── modeling_megatron_bert.py │ ├── megatron_gpt2 │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── checkpoint_reshaping_and_interoperability.cpython-310.pyc │ │ │ └── convert_megatron_gpt2_checkpoint.cpython-310.pyc │ │ ├── checkpoint_reshaping_and_interoperability.py │ │ └── convert_megatron_gpt2_checkpoint.py │ ├── mgp_str │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mgp_str.cpython-310.pyc │ │ │ ├── modeling_mgp_str.cpython-310.pyc │ │ │ ├── processing_mgp_str.cpython-310.pyc │ │ │ └── tokenization_mgp_str.cpython-310.pyc │ │ ├── configuration_mgp_str.py │ │ ├── modeling_mgp_str.py │ │ ├── processing_mgp_str.py │ │ └── tokenization_mgp_str.py │ ├── mluke │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── convert_mluke_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── tokenization_mluke.cpython-310.pyc │ │ ├── convert_mluke_original_pytorch_checkpoint_to_pytorch.py │ │ └── tokenization_mluke.py │ ├── mobilebert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mobilebert.cpython-310.pyc │ │ │ ├── convert_mobilebert_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_mobilebert.cpython-310.pyc │ │ │ ├── modeling_tf_mobilebert.cpython-310.pyc │ │ │ ├── tokenization_mobilebert.cpython-310.pyc │ │ │ └── tokenization_mobilebert_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mobilenet_v1.cpython-310.pyc │ │ │ ├── convert_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_mobilenet_v1.cpython-310.pyc │ │ │ ├── image_processing_mobilenet_v1.cpython-310.pyc │ │ │ └── modeling_mobilenet_v1.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mobilenet_v2.cpython-310.pyc │ │ │ ├── convert_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_mobilenet_v2.cpython-310.pyc │ │ │ ├── image_processing_mobilenet_v2.cpython-310.pyc │ │ │ └── modeling_mobilenet_v2.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mobilevit.cpython-310.pyc │ │ │ ├── convert_mlcvnets_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_mobilevit.cpython-310.pyc │ │ │ ├── image_processing_mobilevit.cpython-310.pyc │ │ │ ├── modeling_mobilevit.cpython-310.pyc │ │ │ └── modeling_tf_mobilevit.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mobilevitv2.cpython-310.pyc │ │ │ ├── convert_mlcvnets_to_pytorch.cpython-310.pyc │ │ │ └── modeling_mobilevitv2.cpython-310.pyc │ │ ├── configuration_mobilevitv2.py │ │ ├── convert_mlcvnets_to_pytorch.py │ │ └── modeling_mobilevitv2.py │ ├── mpnet │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mpnet.cpython-310.pyc │ │ │ ├── modeling_mpnet.cpython-310.pyc │ │ │ ├── modeling_tf_mpnet.cpython-310.pyc │ │ │ ├── tokenization_mpnet.cpython-310.pyc │ │ │ └── tokenization_mpnet_fast.cpython-310.pyc │ │ ├── configuration_mpnet.py │ │ ├── modeling_mpnet.py │ │ ├── modeling_tf_mpnet.py │ │ ├── tokenization_mpnet.py │ │ └── tokenization_mpnet_fast.py │ ├── mra │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mra.cpython-310.pyc │ │ │ ├── convert_mra_pytorch_to_pytorch.cpython-310.pyc │ │ │ └── modeling_mra.cpython-310.pyc │ │ ├── configuration_mra.py │ │ ├── convert_mra_pytorch_to_pytorch.py │ │ └── modeling_mra.py │ ├── mt5 │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mt5.cpython-310.pyc │ │ │ ├── modeling_flax_mt5.cpython-310.pyc │ │ │ ├── modeling_mt5.cpython-310.pyc │ │ │ └── modeling_tf_mt5.cpython-310.pyc │ │ ├── configuration_mt5.py │ │ ├── modeling_flax_mt5.py │ │ ├── modeling_mt5.py │ │ └── modeling_tf_mt5.py │ ├── musicgen │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_musicgen.cpython-310.pyc │ │ │ ├── convert_musicgen_transformers.cpython-310.pyc │ │ │ ├── modeling_musicgen.cpython-310.pyc │ │ │ └── processing_musicgen.cpython-310.pyc │ │ ├── configuration_musicgen.py │ │ ├── convert_musicgen_transformers.py │ │ ├── modeling_musicgen.py │ │ └── processing_musicgen.py │ ├── mvp │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_mvp.cpython-310.pyc │ │ │ ├── modeling_mvp.cpython-310.pyc │ │ │ ├── tokenization_mvp.cpython-310.pyc │ │ │ └── tokenization_mvp_fast.cpython-310.pyc │ │ ├── configuration_mvp.py │ │ ├── modeling_mvp.py │ │ ├── tokenization_mvp.py │ │ └── tokenization_mvp_fast.py │ ├── nat │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_nat.cpython-310.pyc │ │ │ └── modeling_nat.cpython-310.pyc │ │ ├── configuration_nat.py │ │ └── modeling_nat.py │ ├── nezha │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_nezha.cpython-310.pyc │ │ │ └── modeling_nezha.cpython-310.pyc │ │ ├── configuration_nezha.py │ │ └── modeling_nezha.py │ ├── nllb │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── tokenization_nllb.cpython-310.pyc │ │ │ └── tokenization_nllb_fast.cpython-310.pyc │ │ ├── tokenization_nllb.py │ │ └── tokenization_nllb_fast.py │ ├── nllb_moe │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_nllb_moe.cpython-310.pyc │ │ │ ├── convert_nllb_moe_sharded_original_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_nllb_moe.cpython-310.pyc │ │ ├── configuration_nllb_moe.py │ │ ├── convert_nllb_moe_sharded_original_checkpoint_to_pytorch.py │ │ └── modeling_nllb_moe.py │ ├── nystromformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_nystromformer.cpython-310.pyc │ │ │ ├── convert_nystromformer_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_nystromformer.cpython-310.pyc │ │ ├── configuration_nystromformer.py │ │ ├── convert_nystromformer_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_nystromformer.py │ ├── oneformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_oneformer.cpython-310.pyc │ │ │ ├── convert_to_hf_oneformer.cpython-310.pyc │ │ │ ├── image_processing_oneformer.cpython-310.pyc │ │ │ ├── modeling_oneformer.cpython-310.pyc │ │ │ └── processing_oneformer.cpython-310.pyc │ │ ├── configuration_oneformer.py │ │ ├── convert_to_hf_oneformer.py │ │ ├── image_processing_oneformer.py │ │ ├── modeling_oneformer.py │ │ └── processing_oneformer.py │ ├── open_llama │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_open_llama.cpython-310.pyc │ │ │ └── modeling_open_llama.cpython-310.pyc │ │ ├── configuration_open_llama.py │ │ └── modeling_open_llama.py │ ├── openai │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_openai.cpython-310.pyc │ │ │ ├── convert_openai_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_openai.cpython-310.pyc │ │ │ ├── modeling_tf_openai.cpython-310.pyc │ │ │ ├── tokenization_openai.cpython-310.pyc │ │ │ └── tokenization_openai_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_opt.cpython-310.pyc │ │ │ ├── configuration_opt.cpython-39.pyc │ │ │ ├── convert_opt_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_opt.cpython-310.pyc │ │ │ ├── modeling_opt.cpython-310.pyc │ │ │ ├── modeling_opt.cpython-39.pyc │ │ │ └── modeling_tf_opt.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_owlvit.cpython-310.pyc │ │ │ ├── convert_owlvit_original_flax_to_hf.cpython-310.pyc │ │ │ ├── feature_extraction_owlvit.cpython-310.pyc │ │ │ ├── image_processing_owlvit.cpython-310.pyc │ │ │ ├── modeling_owlvit.cpython-310.pyc │ │ │ └── processing_owlvit.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_pegasus.cpython-310.pyc │ │ │ ├── convert_pegasus_tf_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_pegasus.cpython-310.pyc │ │ │ ├── modeling_pegasus.cpython-310.pyc │ │ │ ├── modeling_tf_pegasus.cpython-310.pyc │ │ │ ├── tokenization_pegasus.cpython-310.pyc │ │ │ └── tokenization_pegasus_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_pegasus_x.cpython-310.pyc │ │ │ └── modeling_pegasus_x.cpython-310.pyc │ │ ├── configuration_pegasus_x.py │ │ └── modeling_pegasus_x.py │ ├── perceiver │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_perceiver.cpython-310.pyc │ │ │ ├── convert_perceiver_haiku_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_perceiver.cpython-310.pyc │ │ │ ├── image_processing_perceiver.cpython-310.pyc │ │ │ ├── modeling_perceiver.cpython-310.pyc │ │ │ └── tokenization_perceiver.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ └── tokenization_phobert.cpython-310.pyc │ │ └── tokenization_phobert.py │ ├── pix2struct │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_pix2struct.cpython-310.pyc │ │ │ ├── convert_pix2struct_original_pytorch_to_hf.cpython-310.pyc │ │ │ ├── image_processing_pix2struct.cpython-310.pyc │ │ │ ├── modeling_pix2struct.cpython-310.pyc │ │ │ └── processing_pix2struct.cpython-310.pyc │ │ ├── configuration_pix2struct.py │ │ ├── convert_pix2struct_original_pytorch_to_hf.py │ │ ├── image_processing_pix2struct.py │ │ ├── modeling_pix2struct.py │ │ └── processing_pix2struct.py │ ├── plbart │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_plbart.cpython-310.pyc │ │ │ ├── convert_plbart_original_checkpoint_to_torch.cpython-310.pyc │ │ │ ├── modeling_plbart.cpython-310.pyc │ │ │ └── tokenization_plbart.cpython-310.pyc │ │ ├── configuration_plbart.py │ │ ├── convert_plbart_original_checkpoint_to_torch.py │ │ ├── modeling_plbart.py │ │ └── tokenization_plbart.py │ ├── poolformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_poolformer.cpython-310.pyc │ │ │ ├── convert_poolformer_original_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_poolformer.cpython-310.pyc │ │ │ ├── image_processing_poolformer.cpython-310.pyc │ │ │ └── modeling_poolformer.cpython-310.pyc │ │ ├── configuration_poolformer.py │ │ ├── convert_poolformer_original_to_pytorch.py │ │ ├── feature_extraction_poolformer.py │ │ ├── image_processing_poolformer.py │ │ └── modeling_poolformer.py │ ├── prophetnet │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_prophetnet.cpython-310.pyc │ │ │ ├── convert_prophetnet_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_prophetnet.cpython-310.pyc │ │ │ └── tokenization_prophetnet.cpython-310.pyc │ │ ├── configuration_prophetnet.py │ │ ├── convert_prophetnet_original_pytorch_checkpoint_to_pytorch.py │ │ ├── modeling_prophetnet.py │ │ └── tokenization_prophetnet.py │ ├── qdqbert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_qdqbert.cpython-310.pyc │ │ │ └── modeling_qdqbert.cpython-310.pyc │ │ ├── configuration_qdqbert.py │ │ └── modeling_qdqbert.py │ ├── rag │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_rag.cpython-310.pyc │ │ │ ├── modeling_rag.cpython-310.pyc │ │ │ ├── modeling_tf_rag.cpython-310.pyc │ │ │ ├── retrieval_rag.cpython-310.pyc │ │ │ └── tokenization_rag.cpython-310.pyc │ │ ├── configuration_rag.py │ │ ├── modeling_rag.py │ │ ├── modeling_tf_rag.py │ │ ├── retrieval_rag.py │ │ └── tokenization_rag.py │ ├── realm │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_realm.cpython-310.pyc │ │ │ ├── modeling_realm.cpython-310.pyc │ │ │ ├── retrieval_realm.cpython-310.pyc │ │ │ ├── tokenization_realm.cpython-310.pyc │ │ │ └── tokenization_realm_fast.cpython-310.pyc │ │ ├── configuration_realm.py │ │ ├── modeling_realm.py │ │ ├── retrieval_realm.py │ │ ├── tokenization_realm.py │ │ └── tokenization_realm_fast.py │ ├── reformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_reformer.cpython-310.pyc │ │ │ ├── convert_reformer_trax_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_reformer.cpython-310.pyc │ │ │ ├── tokenization_reformer.cpython-310.pyc │ │ │ └── tokenization_reformer_fast.cpython-310.pyc │ │ ├── configuration_reformer.py │ │ ├── convert_reformer_trax_checkpoint_to_pytorch.py │ │ ├── modeling_reformer.py │ │ ├── tokenization_reformer.py │ │ └── tokenization_reformer_fast.py │ ├── regnet │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_regnet.cpython-310.pyc │ │ │ ├── convert_regnet_seer_10b_to_pytorch.cpython-310.pyc │ │ │ ├── convert_regnet_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_regnet.cpython-310.pyc │ │ │ ├── modeling_regnet.cpython-310.pyc │ │ │ └── modeling_tf_regnet.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_rembert.cpython-310.pyc │ │ │ ├── convert_rembert_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_rembert.cpython-310.pyc │ │ │ ├── modeling_tf_rembert.cpython-310.pyc │ │ │ ├── tokenization_rembert.cpython-310.pyc │ │ │ └── tokenization_rembert_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_resnet.cpython-310.pyc │ │ │ ├── convert_resnet_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_resnet.cpython-310.pyc │ │ │ ├── modeling_resnet.cpython-310.pyc │ │ │ └── modeling_tf_resnet.cpython-310.pyc │ │ ├── configuration_resnet.py │ │ ├── convert_resnet_to_pytorch.py │ │ ├── modeling_flax_resnet.py │ │ ├── modeling_resnet.py │ │ └── modeling_tf_resnet.py │ ├── roberta │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_roberta.cpython-310.pyc │ │ │ ├── convert_roberta_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_roberta.cpython-310.pyc │ │ │ ├── modeling_roberta.cpython-310.pyc │ │ │ ├── modeling_tf_roberta.cpython-310.pyc │ │ │ ├── tokenization_roberta.cpython-310.pyc │ │ │ └── tokenization_roberta_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_roberta_prelayernorm.cpython-310.pyc │ │ │ ├── convert_roberta_prelayernorm_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_roberta_prelayernorm.cpython-310.pyc │ │ │ ├── modeling_roberta_prelayernorm.cpython-310.pyc │ │ │ └── modeling_tf_roberta_prelayernorm.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_roc_bert.cpython-310.pyc │ │ │ ├── modeling_roc_bert.cpython-310.pyc │ │ │ └── tokenization_roc_bert.cpython-310.pyc │ │ ├── configuration_roc_bert.py │ │ ├── modeling_roc_bert.py │ │ └── tokenization_roc_bert.py │ ├── roformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_roformer.cpython-310.pyc │ │ │ ├── convert_roformer_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_roformer.cpython-310.pyc │ │ │ ├── modeling_roformer.cpython-310.pyc │ │ │ ├── modeling_tf_roformer.cpython-310.pyc │ │ │ ├── tokenization_roformer.cpython-310.pyc │ │ │ ├── tokenization_roformer_fast.cpython-310.pyc │ │ │ └── tokenization_utils.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_rwkv.cpython-310.pyc │ │ │ ├── convert_rwkv_checkpoint_to_hf.cpython-310.pyc │ │ │ └── modeling_rwkv.cpython-310.pyc │ │ ├── configuration_rwkv.py │ │ ├── convert_rwkv_checkpoint_to_hf.py │ │ └── modeling_rwkv.py │ ├── sam │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_sam.cpython-310.pyc │ │ │ ├── convert_sam_original_to_hf_format.cpython-310.pyc │ │ │ ├── image_processing_sam.cpython-310.pyc │ │ │ ├── modeling_sam.cpython-310.pyc │ │ │ ├── modeling_tf_sam.cpython-310.pyc │ │ │ └── processing_sam.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_segformer.cpython-310.pyc │ │ │ ├── convert_segformer_original_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_segformer.cpython-310.pyc │ │ │ ├── image_processing_segformer.cpython-310.pyc │ │ │ ├── modeling_segformer.cpython-310.pyc │ │ │ └── modeling_tf_segformer.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_sew.cpython-310.pyc │ │ │ ├── convert_sew_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_sew.cpython-310.pyc │ │ ├── configuration_sew.py │ │ ├── convert_sew_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_sew.py │ ├── sew_d │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_sew_d.cpython-310.pyc │ │ │ ├── convert_sew_d_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_sew_d.cpython-310.pyc │ │ ├── configuration_sew_d.py │ │ ├── convert_sew_d_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_sew_d.py │ ├── speech_encoder_decoder │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_speech_encoder_decoder.cpython-310.pyc │ │ │ ├── convert_mbart_wav2vec2_seq2seq_original_to_pytorch.cpython-310.pyc │ │ │ ├── convert_speech_to_text_wav2vec2_seq2seq_original_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_speech_encoder_decoder.cpython-310.pyc │ │ │ └── modeling_speech_encoder_decoder.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_speech_to_text.cpython-310.pyc │ │ │ ├── convert_s2t_fairseq_to_tfms.cpython-310.pyc │ │ │ ├── feature_extraction_speech_to_text.cpython-310.pyc │ │ │ ├── modeling_speech_to_text.cpython-310.pyc │ │ │ ├── modeling_tf_speech_to_text.cpython-310.pyc │ │ │ ├── processing_speech_to_text.cpython-310.pyc │ │ │ └── tokenization_speech_to_text.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_speech_to_text_2.cpython-310.pyc │ │ │ ├── modeling_speech_to_text_2.cpython-310.pyc │ │ │ ├── processing_speech_to_text_2.cpython-310.pyc │ │ │ └── tokenization_speech_to_text_2.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_speecht5.cpython-310.pyc │ │ │ ├── convert_hifigan.cpython-310.pyc │ │ │ ├── convert_speecht5_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_speecht5.cpython-310.pyc │ │ │ ├── modeling_speecht5.cpython-310.pyc │ │ │ ├── processing_speecht5.cpython-310.pyc │ │ │ └── tokenization_speecht5.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_splinter.cpython-310.pyc │ │ │ ├── modeling_splinter.cpython-310.pyc │ │ │ ├── tokenization_splinter.cpython-310.pyc │ │ │ └── tokenization_splinter_fast.cpython-310.pyc │ │ ├── configuration_splinter.py │ │ ├── modeling_splinter.py │ │ ├── tokenization_splinter.py │ │ └── tokenization_splinter_fast.py │ ├── squeezebert │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_squeezebert.cpython-310.pyc │ │ │ ├── modeling_squeezebert.cpython-310.pyc │ │ │ ├── tokenization_squeezebert.cpython-310.pyc │ │ │ └── tokenization_squeezebert_fast.cpython-310.pyc │ │ ├── configuration_squeezebert.py │ │ ├── modeling_squeezebert.py │ │ ├── tokenization_squeezebert.py │ │ └── tokenization_squeezebert_fast.py │ ├── swiftformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_swiftformer.cpython-310.pyc │ │ │ ├── convert_swiftformer_original_to_hf.cpython-310.pyc │ │ │ └── modeling_swiftformer.cpython-310.pyc │ │ ├── configuration_swiftformer.py │ │ ├── convert_swiftformer_original_to_hf.py │ │ └── modeling_swiftformer.py │ ├── swin │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_swin.cpython-310.pyc │ │ │ ├── convert_swin_simmim_to_pytorch.cpython-310.pyc │ │ │ ├── convert_swin_timm_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_swin.cpython-310.pyc │ │ │ └── modeling_tf_swin.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_swin2sr.cpython-310.pyc │ │ │ ├── convert_swin2sr_original_to_pytorch.cpython-310.pyc │ │ │ ├── image_processing_swin2sr.cpython-310.pyc │ │ │ └── modeling_swin2sr.cpython-310.pyc │ │ ├── configuration_swin2sr.py │ │ ├── convert_swin2sr_original_to_pytorch.py │ │ ├── image_processing_swin2sr.py │ │ └── modeling_swin2sr.py │ ├── swinv2 │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_swinv2.cpython-310.pyc │ │ │ ├── convert_swinv2_timm_to_pytorch.cpython-310.pyc │ │ │ └── modeling_swinv2.cpython-310.pyc │ │ ├── configuration_swinv2.py │ │ ├── convert_swinv2_timm_to_pytorch.py │ │ └── modeling_swinv2.py │ ├── switch_transformers │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_switch_transformers.cpython-310.pyc │ │ │ ├── convert_big_switch.cpython-310.pyc │ │ │ ├── convert_switch_transformers_original_flax_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_switch_transformers.cpython-310.pyc │ │ ├── configuration_switch_transformers.py │ │ ├── convert_big_switch.py │ │ ├── convert_switch_transformers_original_flax_checkpoint_to_pytorch.py │ │ └── modeling_switch_transformers.py │ ├── t5 │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_t5.cpython-310.pyc │ │ │ ├── convert_t5_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_t5x_checkpoint_to_flax.cpython-310.pyc │ │ │ ├── convert_t5x_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_flax_t5.cpython-310.pyc │ │ │ ├── modeling_t5.cpython-310.pyc │ │ │ ├── modeling_tf_t5.cpython-310.pyc │ │ │ ├── tokenization_t5.cpython-310.pyc │ │ │ ├── tokenization_t5.cpython-39.pyc │ │ │ ├── tokenization_t5_fast.cpython-310.pyc │ │ │ └── tokenization_t5_fast.cpython-39.pyc │ │ ├── configuration_t5.py │ │ ├── convert_t5_original_tf_checkpoint_to_pytorch.py │ │ ├── convert_t5x_checkpoint_to_flax.py │ │ ├── convert_t5x_checkpoint_to_pytorch.py │ │ ├── modeling_flax_t5.py │ │ ├── modeling_t5.py │ │ ├── modeling_tf_t5.py │ │ ├── tokenization_t5.py │ │ └── tokenization_t5_fast.py │ ├── table_transformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_table_transformer.cpython-310.pyc │ │ │ ├── convert_table_transformer_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_table_transformer.cpython-310.pyc │ │ ├── configuration_table_transformer.py │ │ ├── convert_table_transformer_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_table_transformer.py │ ├── tapas │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_tapas.cpython-310.pyc │ │ │ ├── convert_tapas_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_tapas.cpython-310.pyc │ │ │ ├── modeling_tf_tapas.cpython-310.pyc │ │ │ └── tokenization_tapas.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_time_series_transformer.cpython-310.pyc │ │ │ └── modeling_time_series_transformer.cpython-310.pyc │ │ ├── configuration_time_series_transformer.py │ │ └── modeling_time_series_transformer.py │ ├── timesformer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_timesformer.cpython-310.pyc │ │ │ ├── convert_timesformer_to_pytorch.cpython-310.pyc │ │ │ └── modeling_timesformer.cpython-310.pyc │ │ ├── configuration_timesformer.py │ │ ├── convert_timesformer_to_pytorch.py │ │ └── modeling_timesformer.py │ ├── timm_backbone │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_timm_backbone.cpython-310.pyc │ │ │ └── modeling_timm_backbone.cpython-310.pyc │ │ ├── configuration_timm_backbone.py │ │ └── modeling_timm_backbone.py │ ├── transfo_xl │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_transfo_xl.cpython-310.pyc │ │ │ ├── convert_transfo_xl_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_tf_transfo_xl.cpython-310.pyc │ │ │ ├── modeling_tf_transfo_xl_utilities.cpython-310.pyc │ │ │ ├── modeling_transfo_xl.cpython-310.pyc │ │ │ ├── modeling_transfo_xl_utilities.cpython-310.pyc │ │ │ └── tokenization_transfo_xl.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_trocr.cpython-310.pyc │ │ │ ├── convert_trocr_unilm_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_trocr.cpython-310.pyc │ │ │ └── processing_trocr.cpython-310.pyc │ │ ├── configuration_trocr.py │ │ ├── convert_trocr_unilm_to_pytorch.py │ │ ├── modeling_trocr.py │ │ └── processing_trocr.py │ ├── tvlt │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_tvlt.cpython-310.pyc │ │ │ ├── feature_extraction_tvlt.cpython-310.pyc │ │ │ ├── image_processing_tvlt.cpython-310.pyc │ │ │ ├── modeling_tvlt.cpython-310.pyc │ │ │ └── processing_tvlt.cpython-310.pyc │ │ ├── configuration_tvlt.py │ │ ├── feature_extraction_tvlt.py │ │ ├── image_processing_tvlt.py │ │ ├── modeling_tvlt.py │ │ └── processing_tvlt.py │ ├── umt5 │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_umt5.cpython-310.pyc │ │ │ ├── convert_umt5_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_umt5.cpython-310.pyc │ │ ├── configuration_umt5.py │ │ ├── convert_umt5_checkpoint_to_pytorch.py │ │ └── modeling_umt5.py │ ├── unispeech │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_unispeech.cpython-310.pyc │ │ │ ├── convert_unispeech_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_unispeech.cpython-310.pyc │ │ ├── configuration_unispeech.py │ │ ├── convert_unispeech_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_unispeech.py │ ├── unispeech_sat │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_unispeech_sat.cpython-310.pyc │ │ │ ├── convert_unispeech_original_s3prl_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_unispeech_sat_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_unispeech_sat.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_upernet.cpython-310.pyc │ │ │ ├── convert_convnext_upernet_to_pytorch.cpython-310.pyc │ │ │ ├── convert_swin_upernet_to_pytorch.cpython-310.pyc │ │ │ └── modeling_upernet.cpython-310.pyc │ │ ├── configuration_upernet.py │ │ ├── convert_convnext_upernet_to_pytorch.py │ │ ├── convert_swin_upernet_to_pytorch.py │ │ └── modeling_upernet.py │ ├── videomae │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_videomae.cpython-310.pyc │ │ │ ├── convert_videomae_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_videomae.cpython-310.pyc │ │ │ ├── image_processing_videomae.cpython-310.pyc │ │ │ └── modeling_videomae.cpython-310.pyc │ │ ├── configuration_videomae.py │ │ ├── convert_videomae_to_pytorch.py │ │ ├── feature_extraction_videomae.py │ │ ├── image_processing_videomae.py │ │ └── modeling_videomae.py │ ├── vilt │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_vilt.cpython-310.pyc │ │ │ ├── convert_vilt_original_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_vilt.cpython-310.pyc │ │ │ ├── image_processing_vilt.cpython-310.pyc │ │ │ ├── modeling_vilt.cpython-310.pyc │ │ │ └── processing_vilt.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_vision_encoder_decoder.cpython-310.pyc │ │ │ ├── modeling_flax_vision_encoder_decoder.cpython-310.pyc │ │ │ ├── modeling_tf_vision_encoder_decoder.cpython-310.pyc │ │ │ └── modeling_vision_encoder_decoder.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_vision_text_dual_encoder.cpython-310.pyc │ │ │ ├── modeling_flax_vision_text_dual_encoder.cpython-310.pyc │ │ │ ├── modeling_tf_vision_text_dual_encoder.cpython-310.pyc │ │ │ ├── modeling_vision_text_dual_encoder.cpython-310.pyc │ │ │ └── processing_vision_text_dual_encoder.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_visual_bert.cpython-310.pyc │ │ │ ├── convert_visual_bert_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_visual_bert.cpython-310.pyc │ │ ├── configuration_visual_bert.py │ │ ├── convert_visual_bert_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_visual_bert.py │ ├── vit │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_vit.cpython-310.pyc │ │ │ ├── convert_dino_to_pytorch.cpython-310.pyc │ │ │ ├── convert_vit_timm_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_vit.cpython-310.pyc │ │ │ ├── image_processing_vit.cpython-310.pyc │ │ │ ├── modeling_flax_vit.cpython-310.pyc │ │ │ ├── modeling_tf_vit.cpython-310.pyc │ │ │ └── modeling_vit.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_vit_hybrid.cpython-310.pyc │ │ │ ├── convert_vit_hybrid_timm_to_pytorch.cpython-310.pyc │ │ │ ├── image_processing_vit_hybrid.cpython-310.pyc │ │ │ └── modeling_vit_hybrid.cpython-310.pyc │ │ ├── configuration_vit_hybrid.py │ │ ├── convert_vit_hybrid_timm_to_pytorch.py │ │ ├── image_processing_vit_hybrid.py │ │ └── modeling_vit_hybrid.py │ ├── vit_mae │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_vit_mae.cpython-310.pyc │ │ │ ├── convert_vit_mae_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_tf_vit_mae.cpython-310.pyc │ │ │ └── modeling_vit_mae.cpython-310.pyc │ │ ├── configuration_vit_mae.py │ │ ├── convert_vit_mae_to_pytorch.py │ │ ├── modeling_tf_vit_mae.py │ │ └── modeling_vit_mae.py │ ├── vit_msn │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_vit_msn.cpython-310.pyc │ │ │ ├── convert_msn_to_pytorch.cpython-310.pyc │ │ │ └── modeling_vit_msn.cpython-310.pyc │ │ ├── configuration_vit_msn.py │ │ ├── convert_msn_to_pytorch.py │ │ └── modeling_vit_msn.py │ ├── vivit │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_vivit.cpython-310.pyc │ │ │ ├── convert_vivit_flax_to_pytorch.cpython-310.pyc │ │ │ ├── image_processing_vivit.cpython-310.pyc │ │ │ └── modeling_vivit.cpython-310.pyc │ │ ├── configuration_vivit.py │ │ ├── convert_vivit_flax_to_pytorch.py │ │ ├── image_processing_vivit.py │ │ └── modeling_vivit.py │ ├── wav2vec2 │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_wav2vec2.cpython-310.pyc │ │ │ ├── convert_wav2vec2_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_wav2vec2_original_s3prl_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_wav2vec2.cpython-310.pyc │ │ │ ├── modeling_flax_wav2vec2.cpython-310.pyc │ │ │ ├── modeling_tf_wav2vec2.cpython-310.pyc │ │ │ ├── modeling_wav2vec2.cpython-310.pyc │ │ │ ├── processing_wav2vec2.cpython-310.pyc │ │ │ └── tokenization_wav2vec2.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_wav2vec2_conformer.cpython-310.pyc │ │ │ ├── convert_wav2vec2_conformer_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_wav2vec2_conformer.cpython-310.pyc │ │ ├── configuration_wav2vec2_conformer.py │ │ ├── convert_wav2vec2_conformer_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_wav2vec2_conformer.py │ ├── wav2vec2_phoneme │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ └── tokenization_wav2vec2_phoneme.cpython-310.pyc │ │ └── tokenization_wav2vec2_phoneme.py │ ├── wav2vec2_with_lm │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ └── processing_wav2vec2_with_lm.cpython-310.pyc │ │ └── processing_wav2vec2_with_lm.py │ ├── wavlm │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_wavlm.cpython-310.pyc │ │ │ ├── convert_wavlm_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── convert_wavlm_original_s3prl_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_wavlm.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_whisper.cpython-310.pyc │ │ │ ├── convert_openai_to_hf.cpython-310.pyc │ │ │ ├── english_normalizer.cpython-310.pyc │ │ │ ├── feature_extraction_whisper.cpython-310.pyc │ │ │ ├── modeling_flax_whisper.cpython-310.pyc │ │ │ ├── modeling_tf_whisper.cpython-310.pyc │ │ │ ├── modeling_whisper.cpython-310.pyc │ │ │ ├── processing_whisper.cpython-310.pyc │ │ │ ├── tokenization_whisper.cpython-310.pyc │ │ │ └── tokenization_whisper_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_x_clip.cpython-310.pyc │ │ │ ├── convert_x_clip_original_pytorch_to_hf.cpython-310.pyc │ │ │ ├── modeling_x_clip.cpython-310.pyc │ │ │ └── processing_x_clip.cpython-310.pyc │ │ ├── configuration_x_clip.py │ │ ├── convert_x_clip_original_pytorch_to_hf.py │ │ ├── modeling_x_clip.py │ │ └── processing_x_clip.py │ ├── xglm │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_xglm.cpython-310.pyc │ │ │ ├── convert_xglm_original_ckpt_to_trfms.cpython-310.pyc │ │ │ ├── modeling_flax_xglm.cpython-310.pyc │ │ │ ├── modeling_tf_xglm.cpython-310.pyc │ │ │ ├── modeling_xglm.cpython-310.pyc │ │ │ ├── tokenization_xglm.cpython-310.pyc │ │ │ └── tokenization_xglm_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_xlm.cpython-310.pyc │ │ │ ├── convert_xlm_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_tf_xlm.cpython-310.pyc │ │ │ ├── modeling_xlm.cpython-310.pyc │ │ │ └── tokenization_xlm.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_xlm_prophetnet.cpython-310.pyc │ │ │ ├── modeling_xlm_prophetnet.cpython-310.pyc │ │ │ └── tokenization_xlm_prophetnet.cpython-310.pyc │ │ ├── configuration_xlm_prophetnet.py │ │ ├── modeling_xlm_prophetnet.py │ │ └── tokenization_xlm_prophetnet.py │ ├── xlm_roberta │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_xlm_roberta.cpython-310.pyc │ │ │ ├── modeling_flax_xlm_roberta.cpython-310.pyc │ │ │ ├── modeling_tf_xlm_roberta.cpython-310.pyc │ │ │ ├── modeling_xlm_roberta.cpython-310.pyc │ │ │ ├── tokenization_xlm_roberta.cpython-310.pyc │ │ │ └── tokenization_xlm_roberta_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_xlm_roberta_xl.cpython-310.pyc │ │ │ ├── convert_xlm_roberta_xl_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_xlm_roberta_xl.cpython-310.pyc │ │ ├── configuration_xlm_roberta_xl.py │ │ ├── convert_xlm_roberta_xl_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_xlm_roberta_xl.py │ ├── xlnet │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_xlnet.cpython-310.pyc │ │ │ ├── convert_xlnet_original_tf_checkpoint_to_pytorch.cpython-310.pyc │ │ │ ├── modeling_tf_xlnet.cpython-310.pyc │ │ │ ├── modeling_xlnet.cpython-310.pyc │ │ │ ├── tokenization_xlnet.cpython-310.pyc │ │ │ └── tokenization_xlnet_fast.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_xmod.cpython-310.pyc │ │ │ ├── convert_xmod_original_pytorch_checkpoint_to_pytorch.cpython-310.pyc │ │ │ └── modeling_xmod.cpython-310.pyc │ │ ├── configuration_xmod.py │ │ ├── convert_xmod_original_pytorch_checkpoint_to_pytorch.py │ │ └── modeling_xmod.py │ ├── yolos │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── __init__.cpython-39.pyc │ │ │ ├── configuration_yolos.cpython-310.pyc │ │ │ ├── convert_yolos_to_pytorch.cpython-310.pyc │ │ │ ├── feature_extraction_yolos.cpython-310.pyc │ │ │ ├── image_processing_yolos.cpython-310.pyc │ │ │ └── modeling_yolos.cpython-310.pyc │ │ ├── configuration_yolos.py │ │ ├── convert_yolos_to_pytorch.py │ │ ├── feature_extraction_yolos.py │ │ ├── image_processing_yolos.py │ │ └── modeling_yolos.py │ └── yoso │ │ ├── __init__.py │ │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-39.pyc │ │ ├── configuration_yoso.cpython-310.pyc │ │ ├── convert_yoso_pytorch_to_pytorch.cpython-310.pyc │ │ └── modeling_yoso.cpython-310.pyc │ │ ├── configuration_yoso.py │ │ ├── convert_yoso_pytorch_to_pytorch.py │ │ └── modeling_yoso.py ├── onnx │ ├── __init__.py │ ├── __main__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-39.pyc │ │ ├── __main__.cpython-310.pyc │ │ ├── config.cpython-310.pyc │ │ ├── config.cpython-39.pyc │ │ ├── convert.cpython-310.pyc │ │ ├── features.cpython-310.pyc │ │ ├── utils.cpython-310.pyc │ │ └── utils.cpython-39.pyc │ ├── config.py │ ├── convert.py │ ├── features.py │ └── utils.py ├── optimization.py ├── optimization_tf.py ├── pipelines │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── audio_classification.cpython-310.pyc │ │ ├── audio_utils.cpython-310.pyc │ │ ├── automatic_speech_recognition.cpython-310.pyc │ │ ├── base.cpython-310.pyc │ │ ├── conversational.cpython-310.pyc │ │ ├── depth_estimation.cpython-310.pyc │ │ ├── document_question_answering.cpython-310.pyc │ │ ├── feature_extraction.cpython-310.pyc │ │ ├── fill_mask.cpython-310.pyc │ │ ├── image_classification.cpython-310.pyc │ │ ├── image_segmentation.cpython-310.pyc │ │ ├── image_to_text.cpython-310.pyc │ │ ├── mask_generation.cpython-310.pyc │ │ ├── object_detection.cpython-310.pyc │ │ ├── pt_utils.cpython-310.pyc │ │ ├── question_answering.cpython-310.pyc │ │ ├── table_question_answering.cpython-310.pyc │ │ ├── text2text_generation.cpython-310.pyc │ │ ├── text_classification.cpython-310.pyc │ │ ├── text_generation.cpython-310.pyc │ │ ├── token_classification.cpython-310.pyc │ │ ├── video_classification.cpython-310.pyc │ │ ├── visual_question_answering.cpython-310.pyc │ │ ├── zero_shot_audio_classification.cpython-310.pyc │ │ ├── zero_shot_classification.cpython-310.pyc │ │ ├── zero_shot_image_classification.cpython-310.pyc │ │ └── zero_shot_object_detection.cpython-310.pyc │ ├── 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 │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── trainer_sm.cpython-310.pyc │ │ └── training_args_sm.cpython-310.pyc │ ├── 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 │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── agent_types.cpython-310.pyc │ │ ├── agents.cpython-310.pyc │ │ ├── base.cpython-310.pyc │ │ ├── document_question_answering.cpython-310.pyc │ │ ├── evaluate_agent.cpython-310.pyc │ │ ├── image_captioning.cpython-310.pyc │ │ ├── image_question_answering.cpython-310.pyc │ │ ├── image_segmentation.cpython-310.pyc │ │ ├── prompts.cpython-310.pyc │ │ ├── python_interpreter.cpython-310.pyc │ │ ├── speech_to_text.cpython-310.pyc │ │ ├── text_classification.cpython-310.pyc │ │ ├── text_question_answering.cpython-310.pyc │ │ ├── text_summarization.cpython-310.pyc │ │ ├── text_to_speech.cpython-310.pyc │ │ └── translation.cpython-310.pyc │ ├── 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 │ ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── __init__.cpython-39.pyc │ ├── backbone_utils.cpython-310.pyc │ ├── bitsandbytes.cpython-310.pyc │ ├── constants.cpython-310.pyc │ ├── constants.cpython-39.pyc │ ├── doc.cpython-310.pyc │ ├── doc.cpython-39.pyc │ ├── dummy_detectron2_objects.cpython-310.pyc │ ├── dummy_flax_objects.cpython-310.pyc │ ├── dummy_flax_objects.cpython-39.pyc │ ├── dummy_keras_nlp_objects.cpython-310.pyc │ ├── dummy_keras_nlp_objects.cpython-39.pyc │ ├── dummy_pt_objects.cpython-310.pyc │ ├── dummy_sentencepiece_and_tokenizers_objects.cpython-310.pyc │ ├── dummy_sentencepiece_objects.cpython-310.pyc │ ├── dummy_speech_objects.cpython-310.pyc │ ├── dummy_tensorflow_text_objects.cpython-310.pyc │ ├── dummy_tensorflow_text_objects.cpython-39.pyc │ ├── dummy_tf_objects.cpython-310.pyc │ ├── dummy_tf_objects.cpython-39.pyc │ ├── dummy_tokenizers_objects.cpython-310.pyc │ ├── dummy_vision_objects.cpython-310.pyc │ ├── fx.cpython-310.pyc │ ├── generic.cpython-310.pyc │ ├── generic.cpython-39.pyc │ ├── hp_naming.cpython-310.pyc │ ├── hub.cpython-310.pyc │ ├── hub.cpython-39.pyc │ ├── import_utils.cpython-310.pyc │ ├── import_utils.cpython-39.pyc │ ├── logging.cpython-310.pyc │ ├── logging.cpython-39.pyc │ ├── model_parallel_utils.cpython-310.pyc │ ├── model_parallel_utils.cpython-39.pyc │ ├── notebook.cpython-310.pyc │ ├── quantization_config.cpython-310.pyc │ ├── quantization_config.cpython-39.pyc │ ├── sentencepiece_model_pb2.cpython-310.pyc │ ├── sentencepiece_model_pb2_new.cpython-310.pyc │ ├── versions.cpython-310.pyc │ └── versions.cpython-39.pyc │ ├── 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 ├── __pycache__ ├── data_utils.cpython-310.pyc ├── dist_util.cpython-310.pyc ├── eval_utils.cpython-310.pyc ├── logger.cpython-310.pyc ├── metrics.cpython-310.pyc └── model_utils.cpython-310.pyc ├── dist_util.py ├── logger.py └── metrics.py /DeCo_examples.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/DeCo_examples.ipynb -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/README.md -------------------------------------------------------------------------------- /amber_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/amber_llava.py -------------------------------------------------------------------------------- /chair.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/chair.py -------------------------------------------------------------------------------- /chair_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/chair_llava.py -------------------------------------------------------------------------------- /eval_tool/amber_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/eval_tool/amber_infer.py -------------------------------------------------------------------------------- /eval_tool/calculation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/eval_tool/calculation.py -------------------------------------------------------------------------------- /eval_tool/convert_answer_to_mme.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/eval_tool/convert_answer_to_mme.py -------------------------------------------------------------------------------- /eval_tool/eval_pope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/eval_tool/eval_pope.py -------------------------------------------------------------------------------- /img/method.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/img/method.png -------------------------------------------------------------------------------- /llava/__init__.py: -------------------------------------------------------------------------------- 1 | from .model import LlavaLlamaForCausalLM 2 | -------------------------------------------------------------------------------- /llava/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/constants.py -------------------------------------------------------------------------------- /llava/conversation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/conversation.py -------------------------------------------------------------------------------- /llava/mm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/mm_utils.py -------------------------------------------------------------------------------- /llava/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/__init__.py -------------------------------------------------------------------------------- /llava/model/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /llava/model/__pycache__/__init__.cpython-311.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/__pycache__/__init__.cpython-311.pyc -------------------------------------------------------------------------------- /llava/model/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /llava/model/__pycache__/builder.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/__pycache__/builder.cpython-310.pyc -------------------------------------------------------------------------------- /llava/model/__pycache__/llava_arch.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/__pycache__/llava_arch.cpython-310.pyc -------------------------------------------------------------------------------- /llava/model/__pycache__/llava_arch.cpython-311.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/__pycache__/llava_arch.cpython-311.pyc -------------------------------------------------------------------------------- /llava/model/__pycache__/llava_arch.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/__pycache__/llava_arch.cpython-39.pyc -------------------------------------------------------------------------------- /llava/model/apply_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/apply_delta.py -------------------------------------------------------------------------------- /llava/model/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/builder.py -------------------------------------------------------------------------------- /llava/model/consolidate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/consolidate.py -------------------------------------------------------------------------------- /llava/model/language_model/llava_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/language_model/llava_llama.py -------------------------------------------------------------------------------- /llava/model/language_model/llava_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/language_model/llava_mpt.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/adapt_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/language_model/mpt/adapt_tokenizer.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/language_model/mpt/attention.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/language_model/mpt/blocks.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/custom_embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/language_model/mpt/custom_embedding.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/modeling_mpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/language_model/mpt/modeling_mpt.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/language_model/mpt/norm.py -------------------------------------------------------------------------------- /llava/model/language_model/mpt/param_init_fns.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/language_model/mpt/param_init_fns.py -------------------------------------------------------------------------------- /llava/model/llava_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/llava_arch.py -------------------------------------------------------------------------------- /llava/model/make_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/make_delta.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/multimodal_encoder/builder.py -------------------------------------------------------------------------------- /llava/model/multimodal_encoder/clip_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/multimodal_encoder/clip_encoder.py -------------------------------------------------------------------------------- /llava/model/multimodal_projector/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/multimodal_projector/builder.py -------------------------------------------------------------------------------- /llava/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/model/utils.py -------------------------------------------------------------------------------- /llava/train/__pycache__/train.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/train/__pycache__/train.cpython-310.pyc -------------------------------------------------------------------------------- /llava/train/llama_flash_attn_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/train/llama_flash_attn_monkey_patch.py -------------------------------------------------------------------------------- /llava/train/llama_xformers_attn_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/train/llama_xformers_attn_monkey_patch.py -------------------------------------------------------------------------------- /llava/train/llava_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/train/llava_trainer.py -------------------------------------------------------------------------------- /llava/train/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/train/train.py -------------------------------------------------------------------------------- /llava/train/train_mem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/train/train_mem.py -------------------------------------------------------------------------------- /llava/train/train_xformers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/train/train_xformers.py -------------------------------------------------------------------------------- /llava/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/llava/utils.py -------------------------------------------------------------------------------- /mme_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/mme_llava.py -------------------------------------------------------------------------------- /opera_log/instructblip/beam5.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/instructblip/beam5.jsonl -------------------------------------------------------------------------------- /opera_log/instructblip/greedy.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/instructblip/greedy.jsonl -------------------------------------------------------------------------------- /opera_log/instructblip/ours.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/instructblip/ours.jsonl -------------------------------------------------------------------------------- /opera_log/llava-1.5/beam5.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/llava-1.5/beam5.jsonl -------------------------------------------------------------------------------- /opera_log/llava-1.5/greedy.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/llava-1.5/greedy.jsonl -------------------------------------------------------------------------------- /opera_log/llava-1.5/ours.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/llava-1.5/ours.jsonl -------------------------------------------------------------------------------- /opera_log/minigpt4/beam5.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/minigpt4/beam5.jsonl -------------------------------------------------------------------------------- /opera_log/minigpt4/greedy.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/minigpt4/greedy.jsonl -------------------------------------------------------------------------------- /opera_log/minigpt4/ours.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/minigpt4/ours.jsonl -------------------------------------------------------------------------------- /opera_log/shikra/beam5.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/shikra/beam5.jsonl -------------------------------------------------------------------------------- /opera_log/shikra/greedy.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/shikra/greedy.jsonl -------------------------------------------------------------------------------- /opera_log/shikra/ours.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/opera_log/shikra/ours.jsonl -------------------------------------------------------------------------------- /pope_llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/pope_llava.py -------------------------------------------------------------------------------- /probe_exp/224-px.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/probe_exp/224-px.zip -------------------------------------------------------------------------------- /probe_exp/336-px.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/probe_exp/336-px.zip -------------------------------------------------------------------------------- /probe_exp/case_analysis.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/probe_exp/case_analysis.ipynb -------------------------------------------------------------------------------- /probe_exp/test_set/all.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/probe_exp/test_set/all.json -------------------------------------------------------------------------------- /probe_exp/train_set/coco_co_occur.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/probe_exp/train_set/coco_co_occur.json -------------------------------------------------------------------------------- /probe_exp/train_set/coco_ground_truth_objects.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/probe_exp/train_set/coco_ground_truth_objects.json -------------------------------------------------------------------------------- /probe_exp/train_set/coco_pope_adversarial.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/probe_exp/train_set/coco_pope_adversarial.json -------------------------------------------------------------------------------- /probe_exp/train_set/coco_pope_popular.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/probe_exp/train_set/coco_pope_popular.json -------------------------------------------------------------------------------- /probe_exp/train_set/coco_pope_random.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/probe_exp/train_set/coco_pope_random.json -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/requirements.txt -------------------------------------------------------------------------------- /transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/__init__.py -------------------------------------------------------------------------------- /transformers/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /transformers/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /transformers/__pycache__/deepspeed.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/__pycache__/deepspeed.cpython-310.pyc -------------------------------------------------------------------------------- /transformers/__pycache__/deepspeed.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/__pycache__/deepspeed.cpython-39.pyc -------------------------------------------------------------------------------- /transformers/__pycache__/file_utils.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/__pycache__/file_utils.cpython-39.pyc -------------------------------------------------------------------------------- /transformers/__pycache__/modelcard.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/__pycache__/modelcard.cpython-310.pyc -------------------------------------------------------------------------------- /transformers/__pycache__/tf_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/__pycache__/tf_utils.cpython-310.pyc -------------------------------------------------------------------------------- /transformers/__pycache__/trainer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/__pycache__/trainer.cpython-310.pyc -------------------------------------------------------------------------------- /transformers/activations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/activations.py -------------------------------------------------------------------------------- /transformers/activations_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/activations_tf.py -------------------------------------------------------------------------------- /transformers/audio_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/audio_utils.py -------------------------------------------------------------------------------- /transformers/benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers/benchmark/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/benchmark/benchmark.py -------------------------------------------------------------------------------- /transformers/benchmark/benchmark_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/benchmark/benchmark_args.py -------------------------------------------------------------------------------- /transformers/benchmark/benchmark_args_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/benchmark/benchmark_args_tf.py -------------------------------------------------------------------------------- /transformers/benchmark/benchmark_args_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/benchmark/benchmark_args_utils.py -------------------------------------------------------------------------------- /transformers/benchmark/benchmark_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/benchmark/benchmark_tf.py -------------------------------------------------------------------------------- /transformers/benchmark/benchmark_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/benchmark/benchmark_utils.py -------------------------------------------------------------------------------- /transformers/commands/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/__init__.py -------------------------------------------------------------------------------- /transformers/commands/add_new_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/add_new_model.py -------------------------------------------------------------------------------- /transformers/commands/add_new_model_like.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/add_new_model_like.py -------------------------------------------------------------------------------- /transformers/commands/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/convert.py -------------------------------------------------------------------------------- /transformers/commands/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/download.py -------------------------------------------------------------------------------- /transformers/commands/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/env.py -------------------------------------------------------------------------------- /transformers/commands/lfs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/lfs.py -------------------------------------------------------------------------------- /transformers/commands/pt_to_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/pt_to_tf.py -------------------------------------------------------------------------------- /transformers/commands/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/run.py -------------------------------------------------------------------------------- /transformers/commands/serving.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/serving.py -------------------------------------------------------------------------------- /transformers/commands/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/train.py -------------------------------------------------------------------------------- /transformers/commands/transformers_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/transformers_cli.py -------------------------------------------------------------------------------- /transformers/commands/user.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/commands/user.py -------------------------------------------------------------------------------- /transformers/configuration_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/configuration_utils.py -------------------------------------------------------------------------------- /transformers/convert_graph_to_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/convert_graph_to_onnx.py -------------------------------------------------------------------------------- /transformers/convert_pytorch_checkpoint_to_tf2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/convert_pytorch_checkpoint_to_tf2.py -------------------------------------------------------------------------------- /transformers/convert_slow_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/convert_slow_tokenizer.py -------------------------------------------------------------------------------- /transformers/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/__init__.py -------------------------------------------------------------------------------- /transformers/data/data_collator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/data_collator.py -------------------------------------------------------------------------------- /transformers/data/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/datasets/__init__.py -------------------------------------------------------------------------------- /transformers/data/datasets/glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/datasets/glue.py -------------------------------------------------------------------------------- /transformers/data/datasets/language_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/datasets/language_modeling.py -------------------------------------------------------------------------------- /transformers/data/datasets/squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/datasets/squad.py -------------------------------------------------------------------------------- /transformers/data/metrics/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/metrics/__init__.py -------------------------------------------------------------------------------- /transformers/data/metrics/squad_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/metrics/squad_metrics.py -------------------------------------------------------------------------------- /transformers/data/processors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/processors/__init__.py -------------------------------------------------------------------------------- /transformers/data/processors/glue.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/processors/glue.py -------------------------------------------------------------------------------- /transformers/data/processors/squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/processors/squad.py -------------------------------------------------------------------------------- /transformers/data/processors/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/processors/utils.py -------------------------------------------------------------------------------- /transformers/data/processors/xnli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/data/processors/xnli.py -------------------------------------------------------------------------------- /transformers/debug_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/debug_utils.py -------------------------------------------------------------------------------- /transformers/deepspeed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/deepspeed.py -------------------------------------------------------------------------------- /transformers/dependency_versions_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/dependency_versions_check.py -------------------------------------------------------------------------------- /transformers/dependency_versions_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/dependency_versions_table.py -------------------------------------------------------------------------------- /transformers/dynamic_module_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/dynamic_module_utils.py -------------------------------------------------------------------------------- /transformers/feature_extraction_sequence_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/feature_extraction_sequence_utils.py -------------------------------------------------------------------------------- /transformers/feature_extraction_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/feature_extraction_utils.py -------------------------------------------------------------------------------- /transformers/file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/file_utils.py -------------------------------------------------------------------------------- /transformers/generation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/__init__.py -------------------------------------------------------------------------------- /transformers/generation/beam_constraints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/beam_constraints.py -------------------------------------------------------------------------------- /transformers/generation/beam_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/beam_search.py -------------------------------------------------------------------------------- /transformers/generation/configuration_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/configuration_utils.py -------------------------------------------------------------------------------- /transformers/generation/flax_logits_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/flax_logits_process.py -------------------------------------------------------------------------------- /transformers/generation/flax_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/flax_utils.py -------------------------------------------------------------------------------- /transformers/generation/logits_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/logits_process.py -------------------------------------------------------------------------------- /transformers/generation/stopping_criteria.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/stopping_criteria.py -------------------------------------------------------------------------------- /transformers/generation/streamers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/streamers.py -------------------------------------------------------------------------------- /transformers/generation/tf_logits_process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/tf_logits_process.py -------------------------------------------------------------------------------- /transformers/generation/tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/tf_utils.py -------------------------------------------------------------------------------- /transformers/generation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation/utils.py -------------------------------------------------------------------------------- /transformers/generation_flax_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation_flax_utils.py -------------------------------------------------------------------------------- /transformers/generation_tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation_tf_utils.py -------------------------------------------------------------------------------- /transformers/generation_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/generation_utils.py -------------------------------------------------------------------------------- /transformers/hf_argparser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/hf_argparser.py -------------------------------------------------------------------------------- /transformers/hyperparameter_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/hyperparameter_search.py -------------------------------------------------------------------------------- /transformers/image_processing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/image_processing_utils.py -------------------------------------------------------------------------------- /transformers/image_transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/image_transforms.py -------------------------------------------------------------------------------- /transformers/image_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/image_utils.py -------------------------------------------------------------------------------- /transformers/integrations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/integrations.py -------------------------------------------------------------------------------- /transformers/keras_callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/keras_callbacks.py -------------------------------------------------------------------------------- /transformers/kernels/deformable_detr/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/deformable_detr/vision.cpp -------------------------------------------------------------------------------- /transformers/kernels/mra/cuda_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/mra/cuda_kernel.cu -------------------------------------------------------------------------------- /transformers/kernels/mra/cuda_kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/mra/cuda_kernel.h -------------------------------------------------------------------------------- /transformers/kernels/mra/cuda_launch.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/mra/cuda_launch.cu -------------------------------------------------------------------------------- /transformers/kernels/mra/cuda_launch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/mra/cuda_launch.h -------------------------------------------------------------------------------- /transformers/kernels/mra/torch_extension.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/mra/torch_extension.cpp -------------------------------------------------------------------------------- /transformers/kernels/rwkv/wkv_cuda.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/rwkv/wkv_cuda.cu -------------------------------------------------------------------------------- /transformers/kernels/rwkv/wkv_cuda_bf16.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/rwkv/wkv_cuda_bf16.cu -------------------------------------------------------------------------------- /transformers/kernels/rwkv/wkv_op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/rwkv/wkv_op.cpp -------------------------------------------------------------------------------- /transformers/kernels/yoso/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/yoso/common.h -------------------------------------------------------------------------------- /transformers/kernels/yoso/common_cuda.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/yoso/common_cuda.h -------------------------------------------------------------------------------- /transformers/kernels/yoso/common_cuda_device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/yoso/common_cuda_device.h -------------------------------------------------------------------------------- /transformers/kernels/yoso/fast_lsh_cumulation.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/yoso/fast_lsh_cumulation.cu -------------------------------------------------------------------------------- /transformers/kernels/yoso/fast_lsh_cumulation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/kernels/yoso/fast_lsh_cumulation.h -------------------------------------------------------------------------------- /transformers/modelcard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/modelcard.py -------------------------------------------------------------------------------- /transformers/modeling_flax_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/modeling_flax_outputs.py -------------------------------------------------------------------------------- /transformers/modeling_flax_pytorch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/modeling_flax_pytorch_utils.py -------------------------------------------------------------------------------- /transformers/modeling_flax_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/modeling_flax_utils.py -------------------------------------------------------------------------------- /transformers/modeling_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/modeling_outputs.py -------------------------------------------------------------------------------- /transformers/modeling_tf_outputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/modeling_tf_outputs.py -------------------------------------------------------------------------------- /transformers/modeling_tf_pytorch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/modeling_tf_pytorch_utils.py -------------------------------------------------------------------------------- /transformers/modeling_tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/modeling_tf_utils.py -------------------------------------------------------------------------------- /transformers/modeling_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/modeling_utils.py -------------------------------------------------------------------------------- /transformers/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/__init__.py -------------------------------------------------------------------------------- /transformers/models/albert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/albert/__init__.py -------------------------------------------------------------------------------- /transformers/models/albert/configuration_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/albert/configuration_albert.py -------------------------------------------------------------------------------- /transformers/models/albert/modeling_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/albert/modeling_albert.py -------------------------------------------------------------------------------- /transformers/models/albert/modeling_flax_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/albert/modeling_flax_albert.py -------------------------------------------------------------------------------- /transformers/models/albert/modeling_tf_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/albert/modeling_tf_albert.py -------------------------------------------------------------------------------- /transformers/models/albert/tokenization_albert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/albert/tokenization_albert.py -------------------------------------------------------------------------------- /transformers/models/align/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/align/__init__.py -------------------------------------------------------------------------------- /transformers/models/align/configuration_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/align/configuration_align.py -------------------------------------------------------------------------------- /transformers/models/align/modeling_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/align/modeling_align.py -------------------------------------------------------------------------------- /transformers/models/align/processing_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/align/processing_align.py -------------------------------------------------------------------------------- /transformers/models/altclip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/altclip/__init__.py -------------------------------------------------------------------------------- /transformers/models/altclip/modeling_altclip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/altclip/modeling_altclip.py -------------------------------------------------------------------------------- /transformers/models/altclip/processing_altclip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/altclip/processing_altclip.py -------------------------------------------------------------------------------- /transformers/models/auto/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/auto/__init__.py -------------------------------------------------------------------------------- /transformers/models/auto/auto_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/auto/auto_factory.py -------------------------------------------------------------------------------- /transformers/models/auto/configuration_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/auto/configuration_auto.py -------------------------------------------------------------------------------- /transformers/models/auto/image_processing_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/auto/image_processing_auto.py -------------------------------------------------------------------------------- /transformers/models/auto/modeling_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/auto/modeling_auto.py -------------------------------------------------------------------------------- /transformers/models/auto/modeling_flax_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/auto/modeling_flax_auto.py -------------------------------------------------------------------------------- /transformers/models/auto/modeling_tf_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/auto/modeling_tf_auto.py -------------------------------------------------------------------------------- /transformers/models/auto/processing_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/auto/processing_auto.py -------------------------------------------------------------------------------- /transformers/models/auto/tokenization_auto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/auto/tokenization_auto.py -------------------------------------------------------------------------------- /transformers/models/autoformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/autoformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/bark/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bark/__init__.py -------------------------------------------------------------------------------- /transformers/models/bark/configuration_bark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bark/configuration_bark.py -------------------------------------------------------------------------------- /transformers/models/bark/convert_suno_to_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bark/convert_suno_to_hf.py -------------------------------------------------------------------------------- /transformers/models/bark/modeling_bark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bark/modeling_bark.py -------------------------------------------------------------------------------- /transformers/models/bark/processing_bark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bark/processing_bark.py -------------------------------------------------------------------------------- /transformers/models/bart/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bart/__init__.py -------------------------------------------------------------------------------- /transformers/models/bart/configuration_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bart/configuration_bart.py -------------------------------------------------------------------------------- /transformers/models/bart/modeling_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bart/modeling_bart.py -------------------------------------------------------------------------------- /transformers/models/bart/modeling_flax_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bart/modeling_flax_bart.py -------------------------------------------------------------------------------- /transformers/models/bart/modeling_tf_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bart/modeling_tf_bart.py -------------------------------------------------------------------------------- /transformers/models/bart/tokenization_bart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bart/tokenization_bart.py -------------------------------------------------------------------------------- /transformers/models/bart/tokenization_bart_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bart/tokenization_bart_fast.py -------------------------------------------------------------------------------- /transformers/models/barthez/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/barthez/__init__.py -------------------------------------------------------------------------------- /transformers/models/bartpho/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bartpho/__init__.py -------------------------------------------------------------------------------- /transformers/models/beit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/beit/__init__.py -------------------------------------------------------------------------------- /transformers/models/beit/configuration_beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/beit/configuration_beit.py -------------------------------------------------------------------------------- /transformers/models/beit/image_processing_beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/beit/image_processing_beit.py -------------------------------------------------------------------------------- /transformers/models/beit/modeling_beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/beit/modeling_beit.py -------------------------------------------------------------------------------- /transformers/models/beit/modeling_flax_beit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/beit/modeling_flax_beit.py -------------------------------------------------------------------------------- /transformers/models/bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bert/__init__.py -------------------------------------------------------------------------------- /transformers/models/bert/configuration_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bert/configuration_bert.py -------------------------------------------------------------------------------- /transformers/models/bert/modeling_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bert/modeling_bert.py -------------------------------------------------------------------------------- /transformers/models/bert/modeling_flax_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bert/modeling_flax_bert.py -------------------------------------------------------------------------------- /transformers/models/bert/modeling_tf_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bert/modeling_tf_bert.py -------------------------------------------------------------------------------- /transformers/models/bert/tokenization_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bert/tokenization_bert.py -------------------------------------------------------------------------------- /transformers/models/bert/tokenization_bert_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bert/tokenization_bert_fast.py -------------------------------------------------------------------------------- /transformers/models/bert/tokenization_bert_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bert/tokenization_bert_tf.py -------------------------------------------------------------------------------- /transformers/models/bert_generation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bert_generation/__init__.py -------------------------------------------------------------------------------- /transformers/models/bert_japanese/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bert_japanese/__init__.py -------------------------------------------------------------------------------- /transformers/models/bertweet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bertweet/__init__.py -------------------------------------------------------------------------------- /transformers/models/big_bird/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/big_bird/__init__.py -------------------------------------------------------------------------------- /transformers/models/big_bird/modeling_big_bird.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/big_bird/modeling_big_bird.py -------------------------------------------------------------------------------- /transformers/models/bigbird_pegasus/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bigbird_pegasus/__init__.py -------------------------------------------------------------------------------- /transformers/models/biogpt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/biogpt/__init__.py -------------------------------------------------------------------------------- /transformers/models/biogpt/configuration_biogpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/biogpt/configuration_biogpt.py -------------------------------------------------------------------------------- /transformers/models/biogpt/modeling_biogpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/biogpt/modeling_biogpt.py -------------------------------------------------------------------------------- /transformers/models/biogpt/tokenization_biogpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/biogpt/tokenization_biogpt.py -------------------------------------------------------------------------------- /transformers/models/bit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bit/__init__.py -------------------------------------------------------------------------------- /transformers/models/bit/configuration_bit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bit/configuration_bit.py -------------------------------------------------------------------------------- /transformers/models/bit/convert_bit_to_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bit/convert_bit_to_pytorch.py -------------------------------------------------------------------------------- /transformers/models/bit/image_processing_bit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bit/image_processing_bit.py -------------------------------------------------------------------------------- /transformers/models/bit/modeling_bit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bit/modeling_bit.py -------------------------------------------------------------------------------- /transformers/models/blenderbot/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blenderbot/__init__.py -------------------------------------------------------------------------------- /transformers/models/blenderbot_small/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blenderbot_small/__init__.py -------------------------------------------------------------------------------- /transformers/models/blip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip/__init__.py -------------------------------------------------------------------------------- /transformers/models/blip/configuration_blip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip/configuration_blip.py -------------------------------------------------------------------------------- /transformers/models/blip/image_processing_blip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip/image_processing_blip.py -------------------------------------------------------------------------------- /transformers/models/blip/modeling_blip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip/modeling_blip.py -------------------------------------------------------------------------------- /transformers/models/blip/modeling_blip_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip/modeling_blip_text.py -------------------------------------------------------------------------------- /transformers/models/blip/modeling_tf_blip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip/modeling_tf_blip.py -------------------------------------------------------------------------------- /transformers/models/blip/modeling_tf_blip_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip/modeling_tf_blip_text.py -------------------------------------------------------------------------------- /transformers/models/blip/processing_blip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip/processing_blip.py -------------------------------------------------------------------------------- /transformers/models/blip_2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip_2/__init__.py -------------------------------------------------------------------------------- /transformers/models/blip_2/configuration_blip_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip_2/configuration_blip_2.py -------------------------------------------------------------------------------- /transformers/models/blip_2/modeling_blip_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip_2/modeling_blip_2.py -------------------------------------------------------------------------------- /transformers/models/blip_2/processing_blip_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/blip_2/processing_blip_2.py -------------------------------------------------------------------------------- /transformers/models/bloom/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bloom/__init__.py -------------------------------------------------------------------------------- /transformers/models/bloom/configuration_bloom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bloom/configuration_bloom.py -------------------------------------------------------------------------------- /transformers/models/bloom/modeling_bloom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bloom/modeling_bloom.py -------------------------------------------------------------------------------- /transformers/models/bridgetower/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/bridgetower/__init__.py -------------------------------------------------------------------------------- /transformers/models/byt5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/byt5/__init__.py -------------------------------------------------------------------------------- /transformers/models/byt5/tokenization_byt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/byt5/tokenization_byt5.py -------------------------------------------------------------------------------- /transformers/models/camembert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/camembert/__init__.py -------------------------------------------------------------------------------- /transformers/models/canine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/canine/__init__.py -------------------------------------------------------------------------------- /transformers/models/canine/configuration_canine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/canine/configuration_canine.py -------------------------------------------------------------------------------- /transformers/models/canine/modeling_canine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/canine/modeling_canine.py -------------------------------------------------------------------------------- /transformers/models/canine/tokenization_canine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/canine/tokenization_canine.py -------------------------------------------------------------------------------- /transformers/models/chinese_clip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/chinese_clip/__init__.py -------------------------------------------------------------------------------- /transformers/models/clap/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clap/__init__.py -------------------------------------------------------------------------------- /transformers/models/clap/configuration_clap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clap/configuration_clap.py -------------------------------------------------------------------------------- /transformers/models/clap/modeling_clap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clap/modeling_clap.py -------------------------------------------------------------------------------- /transformers/models/clap/processing_clap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clap/processing_clap.py -------------------------------------------------------------------------------- /transformers/models/clip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clip/__init__.py -------------------------------------------------------------------------------- /transformers/models/clip/configuration_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clip/configuration_clip.py -------------------------------------------------------------------------------- /transformers/models/clip/image_processing_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clip/image_processing_clip.py -------------------------------------------------------------------------------- /transformers/models/clip/modeling_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clip/modeling_clip.py -------------------------------------------------------------------------------- /transformers/models/clip/modeling_flax_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clip/modeling_flax_clip.py -------------------------------------------------------------------------------- /transformers/models/clip/modeling_tf_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clip/modeling_tf_clip.py -------------------------------------------------------------------------------- /transformers/models/clip/processing_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clip/processing_clip.py -------------------------------------------------------------------------------- /transformers/models/clip/tokenization_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clip/tokenization_clip.py -------------------------------------------------------------------------------- /transformers/models/clip/tokenization_clip_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clip/tokenization_clip_fast.py -------------------------------------------------------------------------------- /transformers/models/clipseg/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clipseg/__init__.py -------------------------------------------------------------------------------- /transformers/models/clipseg/modeling_clipseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clipseg/modeling_clipseg.py -------------------------------------------------------------------------------- /transformers/models/clipseg/processing_clipseg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/clipseg/processing_clipseg.py -------------------------------------------------------------------------------- /transformers/models/codegen/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/codegen/__init__.py -------------------------------------------------------------------------------- /transformers/models/codegen/modeling_codegen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/codegen/modeling_codegen.py -------------------------------------------------------------------------------- /transformers/models/conditional_detr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/conditional_detr/__init__.py -------------------------------------------------------------------------------- /transformers/models/convbert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/convbert/__init__.py -------------------------------------------------------------------------------- /transformers/models/convbert/modeling_convbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/convbert/modeling_convbert.py -------------------------------------------------------------------------------- /transformers/models/convnext/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/convnext/__init__.py -------------------------------------------------------------------------------- /transformers/models/convnext/modeling_convnext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/convnext/modeling_convnext.py -------------------------------------------------------------------------------- /transformers/models/convnextv2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/convnextv2/__init__.py -------------------------------------------------------------------------------- /transformers/models/cpm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/cpm/__init__.py -------------------------------------------------------------------------------- /transformers/models/cpm/tokenization_cpm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/cpm/tokenization_cpm.py -------------------------------------------------------------------------------- /transformers/models/cpm/tokenization_cpm_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/cpm/tokenization_cpm_fast.py -------------------------------------------------------------------------------- /transformers/models/cpmant/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/cpmant/__init__.py -------------------------------------------------------------------------------- /transformers/models/cpmant/configuration_cpmant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/cpmant/configuration_cpmant.py -------------------------------------------------------------------------------- /transformers/models/cpmant/modeling_cpmant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/cpmant/modeling_cpmant.py -------------------------------------------------------------------------------- /transformers/models/cpmant/tokenization_cpmant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/cpmant/tokenization_cpmant.py -------------------------------------------------------------------------------- /transformers/models/ctrl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ctrl/__init__.py -------------------------------------------------------------------------------- /transformers/models/ctrl/configuration_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ctrl/configuration_ctrl.py -------------------------------------------------------------------------------- /transformers/models/ctrl/modeling_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ctrl/modeling_ctrl.py -------------------------------------------------------------------------------- /transformers/models/ctrl/modeling_tf_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ctrl/modeling_tf_ctrl.py -------------------------------------------------------------------------------- /transformers/models/ctrl/tokenization_ctrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ctrl/tokenization_ctrl.py -------------------------------------------------------------------------------- /transformers/models/cvt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/cvt/__init__.py -------------------------------------------------------------------------------- /transformers/models/cvt/configuration_cvt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/cvt/configuration_cvt.py -------------------------------------------------------------------------------- /transformers/models/cvt/modeling_cvt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/cvt/modeling_cvt.py -------------------------------------------------------------------------------- /transformers/models/cvt/modeling_tf_cvt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/cvt/modeling_tf_cvt.py -------------------------------------------------------------------------------- /transformers/models/data2vec/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/data2vec/__init__.py -------------------------------------------------------------------------------- /transformers/models/deberta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deberta/__init__.py -------------------------------------------------------------------------------- /transformers/models/deberta/modeling_deberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deberta/modeling_deberta.py -------------------------------------------------------------------------------- /transformers/models/deberta/modeling_tf_deberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deberta/modeling_tf_deberta.py -------------------------------------------------------------------------------- /transformers/models/deberta_v2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deberta_v2/__init__.py -------------------------------------------------------------------------------- /transformers/models/deformable_detr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deformable_detr/__init__.py -------------------------------------------------------------------------------- /transformers/models/deformable_detr/load_custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deformable_detr/load_custom.py -------------------------------------------------------------------------------- /transformers/models/deit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deit/__init__.py -------------------------------------------------------------------------------- /transformers/models/deit/configuration_deit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deit/configuration_deit.py -------------------------------------------------------------------------------- /transformers/models/deit/image_processing_deit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deit/image_processing_deit.py -------------------------------------------------------------------------------- /transformers/models/deit/modeling_deit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deit/modeling_deit.py -------------------------------------------------------------------------------- /transformers/models/deit/modeling_tf_deit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deit/modeling_tf_deit.py -------------------------------------------------------------------------------- /transformers/models/deprecated/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers/models/deprecated/bort/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers/models/deprecated/mctct/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deprecated/mctct/__init__.py -------------------------------------------------------------------------------- /transformers/models/deprecated/mmbt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deprecated/mmbt/__init__.py -------------------------------------------------------------------------------- /transformers/models/deprecated/tapex/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deprecated/tapex/__init__.py -------------------------------------------------------------------------------- /transformers/models/deprecated/van/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deprecated/van/__init__.py -------------------------------------------------------------------------------- /transformers/models/deprecated/van/modeling_van.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deprecated/van/modeling_van.py -------------------------------------------------------------------------------- /transformers/models/deta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deta/__init__.py -------------------------------------------------------------------------------- /transformers/models/deta/configuration_deta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deta/configuration_deta.py -------------------------------------------------------------------------------- /transformers/models/deta/image_processing_deta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deta/image_processing_deta.py -------------------------------------------------------------------------------- /transformers/models/deta/modeling_deta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/deta/modeling_deta.py -------------------------------------------------------------------------------- /transformers/models/detr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/detr/__init__.py -------------------------------------------------------------------------------- /transformers/models/detr/configuration_detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/detr/configuration_detr.py -------------------------------------------------------------------------------- /transformers/models/detr/image_processing_detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/detr/image_processing_detr.py -------------------------------------------------------------------------------- /transformers/models/detr/modeling_detr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/detr/modeling_detr.py -------------------------------------------------------------------------------- /transformers/models/dialogpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers/models/dinat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dinat/__init__.py -------------------------------------------------------------------------------- /transformers/models/dinat/configuration_dinat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dinat/configuration_dinat.py -------------------------------------------------------------------------------- /transformers/models/dinat/modeling_dinat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dinat/modeling_dinat.py -------------------------------------------------------------------------------- /transformers/models/distilbert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/distilbert/__init__.py -------------------------------------------------------------------------------- /transformers/models/dit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /transformers/models/donut/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/donut/__init__.py -------------------------------------------------------------------------------- /transformers/models/donut/modeling_donut_swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/donut/modeling_donut_swin.py -------------------------------------------------------------------------------- /transformers/models/donut/processing_donut.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/donut/processing_donut.py -------------------------------------------------------------------------------- /transformers/models/dpr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpr/__init__.py -------------------------------------------------------------------------------- /transformers/models/dpr/configuration_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpr/configuration_dpr.py -------------------------------------------------------------------------------- /transformers/models/dpr/modeling_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpr/modeling_dpr.py -------------------------------------------------------------------------------- /transformers/models/dpr/modeling_tf_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpr/modeling_tf_dpr.py -------------------------------------------------------------------------------- /transformers/models/dpr/tokenization_dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpr/tokenization_dpr.py -------------------------------------------------------------------------------- /transformers/models/dpr/tokenization_dpr_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpr/tokenization_dpr_fast.py -------------------------------------------------------------------------------- /transformers/models/dpt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpt/__init__.py -------------------------------------------------------------------------------- /transformers/models/dpt/configuration_dpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpt/configuration_dpt.py -------------------------------------------------------------------------------- /transformers/models/dpt/convert_dpt_to_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpt/convert_dpt_to_pytorch.py -------------------------------------------------------------------------------- /transformers/models/dpt/feature_extraction_dpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpt/feature_extraction_dpt.py -------------------------------------------------------------------------------- /transformers/models/dpt/image_processing_dpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpt/image_processing_dpt.py -------------------------------------------------------------------------------- /transformers/models/dpt/modeling_dpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/dpt/modeling_dpt.py -------------------------------------------------------------------------------- /transformers/models/efficientformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/efficientformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/efficientnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/efficientnet/__init__.py -------------------------------------------------------------------------------- /transformers/models/electra/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/electra/__init__.py -------------------------------------------------------------------------------- /transformers/models/electra/modeling_electra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/electra/modeling_electra.py -------------------------------------------------------------------------------- /transformers/models/electra/modeling_tf_electra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/electra/modeling_tf_electra.py -------------------------------------------------------------------------------- /transformers/models/encodec/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/encodec/__init__.py -------------------------------------------------------------------------------- /transformers/models/encodec/modeling_encodec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/encodec/modeling_encodec.py -------------------------------------------------------------------------------- /transformers/models/encoder_decoder/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/encoder_decoder/__init__.py -------------------------------------------------------------------------------- /transformers/models/ernie/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ernie/__init__.py -------------------------------------------------------------------------------- /transformers/models/ernie/configuration_ernie.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ernie/configuration_ernie.py -------------------------------------------------------------------------------- /transformers/models/ernie/modeling_ernie.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ernie/modeling_ernie.py -------------------------------------------------------------------------------- /transformers/models/ernie_m/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ernie_m/__init__.py -------------------------------------------------------------------------------- /transformers/models/ernie_m/modeling_ernie_m.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ernie_m/modeling_ernie_m.py -------------------------------------------------------------------------------- /transformers/models/esm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/esm/__init__.py -------------------------------------------------------------------------------- /transformers/models/esm/configuration_esm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/esm/configuration_esm.py -------------------------------------------------------------------------------- /transformers/models/esm/convert_esm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/esm/convert_esm.py -------------------------------------------------------------------------------- /transformers/models/esm/modeling_esm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/esm/modeling_esm.py -------------------------------------------------------------------------------- /transformers/models/esm/modeling_esmfold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/esm/modeling_esmfold.py -------------------------------------------------------------------------------- /transformers/models/esm/modeling_tf_esm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/esm/modeling_tf_esm.py -------------------------------------------------------------------------------- /transformers/models/esm/openfold_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/esm/openfold_utils/__init__.py -------------------------------------------------------------------------------- /transformers/models/esm/openfold_utils/feats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/esm/openfold_utils/feats.py -------------------------------------------------------------------------------- /transformers/models/esm/openfold_utils/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/esm/openfold_utils/loss.py -------------------------------------------------------------------------------- /transformers/models/esm/openfold_utils/protein.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/esm/openfold_utils/protein.py -------------------------------------------------------------------------------- /transformers/models/esm/tokenization_esm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/esm/tokenization_esm.py -------------------------------------------------------------------------------- /transformers/models/falcon/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/falcon/__init__.py -------------------------------------------------------------------------------- /transformers/models/falcon/configuration_falcon.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/falcon/configuration_falcon.py -------------------------------------------------------------------------------- /transformers/models/falcon/modeling_falcon.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/falcon/modeling_falcon.py -------------------------------------------------------------------------------- /transformers/models/flaubert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/flaubert/__init__.py -------------------------------------------------------------------------------- /transformers/models/flaubert/modeling_flaubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/flaubert/modeling_flaubert.py -------------------------------------------------------------------------------- /transformers/models/flava/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/flava/__init__.py -------------------------------------------------------------------------------- /transformers/models/flava/configuration_flava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/flava/configuration_flava.py -------------------------------------------------------------------------------- /transformers/models/flava/modeling_flava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/flava/modeling_flava.py -------------------------------------------------------------------------------- /transformers/models/flava/processing_flava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/flava/processing_flava.py -------------------------------------------------------------------------------- /transformers/models/fnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/fnet/__init__.py -------------------------------------------------------------------------------- /transformers/models/fnet/configuration_fnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/fnet/configuration_fnet.py -------------------------------------------------------------------------------- /transformers/models/fnet/modeling_fnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/fnet/modeling_fnet.py -------------------------------------------------------------------------------- /transformers/models/fnet/tokenization_fnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/fnet/tokenization_fnet.py -------------------------------------------------------------------------------- /transformers/models/fnet/tokenization_fnet_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/fnet/tokenization_fnet_fast.py -------------------------------------------------------------------------------- /transformers/models/focalnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/focalnet/__init__.py -------------------------------------------------------------------------------- /transformers/models/focalnet/modeling_focalnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/focalnet/modeling_focalnet.py -------------------------------------------------------------------------------- /transformers/models/fsmt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/fsmt/__init__.py -------------------------------------------------------------------------------- /transformers/models/fsmt/configuration_fsmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/fsmt/configuration_fsmt.py -------------------------------------------------------------------------------- /transformers/models/fsmt/modeling_fsmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/fsmt/modeling_fsmt.py -------------------------------------------------------------------------------- /transformers/models/fsmt/tokenization_fsmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/fsmt/tokenization_fsmt.py -------------------------------------------------------------------------------- /transformers/models/funnel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/funnel/__init__.py -------------------------------------------------------------------------------- /transformers/models/funnel/configuration_funnel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/funnel/configuration_funnel.py -------------------------------------------------------------------------------- /transformers/models/funnel/modeling_funnel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/funnel/modeling_funnel.py -------------------------------------------------------------------------------- /transformers/models/funnel/modeling_tf_funnel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/funnel/modeling_tf_funnel.py -------------------------------------------------------------------------------- /transformers/models/funnel/tokenization_funnel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/funnel/tokenization_funnel.py -------------------------------------------------------------------------------- /transformers/models/git/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/git/__init__.py -------------------------------------------------------------------------------- /transformers/models/git/configuration_git.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/git/configuration_git.py -------------------------------------------------------------------------------- /transformers/models/git/convert_git_to_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/git/convert_git_to_pytorch.py -------------------------------------------------------------------------------- /transformers/models/git/modeling_git.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/git/modeling_git.py -------------------------------------------------------------------------------- /transformers/models/git/processing_git.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/git/processing_git.py -------------------------------------------------------------------------------- /transformers/models/glpn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/glpn/__init__.py -------------------------------------------------------------------------------- /transformers/models/glpn/configuration_glpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/glpn/configuration_glpn.py -------------------------------------------------------------------------------- /transformers/models/glpn/image_processing_glpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/glpn/image_processing_glpn.py -------------------------------------------------------------------------------- /transformers/models/glpn/modeling_glpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/glpn/modeling_glpn.py -------------------------------------------------------------------------------- /transformers/models/gpt2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt2/__init__.py -------------------------------------------------------------------------------- /transformers/models/gpt2/configuration_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt2/configuration_gpt2.py -------------------------------------------------------------------------------- /transformers/models/gpt2/modeling_flax_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt2/modeling_flax_gpt2.py -------------------------------------------------------------------------------- /transformers/models/gpt2/modeling_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt2/modeling_gpt2.py -------------------------------------------------------------------------------- /transformers/models/gpt2/modeling_tf_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt2/modeling_tf_gpt2.py -------------------------------------------------------------------------------- /transformers/models/gpt2/tokenization_gpt2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt2/tokenization_gpt2.py -------------------------------------------------------------------------------- /transformers/models/gpt2/tokenization_gpt2_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt2/tokenization_gpt2_fast.py -------------------------------------------------------------------------------- /transformers/models/gpt2/tokenization_gpt2_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt2/tokenization_gpt2_tf.py -------------------------------------------------------------------------------- /transformers/models/gpt_bigcode/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt_bigcode/__init__.py -------------------------------------------------------------------------------- /transformers/models/gpt_neo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt_neo/__init__.py -------------------------------------------------------------------------------- /transformers/models/gpt_neo/modeling_gpt_neo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt_neo/modeling_gpt_neo.py -------------------------------------------------------------------------------- /transformers/models/gpt_neox/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt_neox/__init__.py -------------------------------------------------------------------------------- /transformers/models/gpt_neox/modeling_gpt_neox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt_neox/modeling_gpt_neox.py -------------------------------------------------------------------------------- /transformers/models/gpt_neox_japanese/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt_neox_japanese/__init__.py -------------------------------------------------------------------------------- /transformers/models/gpt_sw3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gpt_sw3/__init__.py -------------------------------------------------------------------------------- /transformers/models/gptj/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gptj/__init__.py -------------------------------------------------------------------------------- /transformers/models/gptj/configuration_gptj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gptj/configuration_gptj.py -------------------------------------------------------------------------------- /transformers/models/gptj/modeling_flax_gptj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gptj/modeling_flax_gptj.py -------------------------------------------------------------------------------- /transformers/models/gptj/modeling_gptj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gptj/modeling_gptj.py -------------------------------------------------------------------------------- /transformers/models/gptj/modeling_tf_gptj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gptj/modeling_tf_gptj.py -------------------------------------------------------------------------------- /transformers/models/gptsan_japanese/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/gptsan_japanese/__init__.py -------------------------------------------------------------------------------- /transformers/models/graphormer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/graphormer/__init__.py -------------------------------------------------------------------------------- /transformers/models/groupvit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/groupvit/__init__.py -------------------------------------------------------------------------------- /transformers/models/groupvit/modeling_groupvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/groupvit/modeling_groupvit.py -------------------------------------------------------------------------------- /transformers/models/herbert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/herbert/__init__.py -------------------------------------------------------------------------------- /transformers/models/hubert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/hubert/__init__.py -------------------------------------------------------------------------------- /transformers/models/hubert/configuration_hubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/hubert/configuration_hubert.py -------------------------------------------------------------------------------- /transformers/models/hubert/modeling_hubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/hubert/modeling_hubert.py -------------------------------------------------------------------------------- /transformers/models/hubert/modeling_tf_hubert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/hubert/modeling_tf_hubert.py -------------------------------------------------------------------------------- /transformers/models/ibert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ibert/__init__.py -------------------------------------------------------------------------------- /transformers/models/ibert/configuration_ibert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ibert/configuration_ibert.py -------------------------------------------------------------------------------- /transformers/models/ibert/modeling_ibert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ibert/modeling_ibert.py -------------------------------------------------------------------------------- /transformers/models/ibert/quant_modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/ibert/quant_modules.py -------------------------------------------------------------------------------- /transformers/models/imagegpt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/imagegpt/__init__.py -------------------------------------------------------------------------------- /transformers/models/imagegpt/modeling_imagegpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/imagegpt/modeling_imagegpt.py -------------------------------------------------------------------------------- /transformers/models/informer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/informer/__init__.py -------------------------------------------------------------------------------- /transformers/models/informer/modeling_informer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/informer/modeling_informer.py -------------------------------------------------------------------------------- /transformers/models/instructblip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/instructblip/__init__.py -------------------------------------------------------------------------------- /transformers/models/jukebox/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/jukebox/__init__.py -------------------------------------------------------------------------------- /transformers/models/jukebox/convert_jukebox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/jukebox/convert_jukebox.py -------------------------------------------------------------------------------- /transformers/models/jukebox/modeling_jukebox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/jukebox/modeling_jukebox.py -------------------------------------------------------------------------------- /transformers/models/layoutlm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/layoutlm/__init__.py -------------------------------------------------------------------------------- /transformers/models/layoutlm/modeling_layoutlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/layoutlm/modeling_layoutlm.py -------------------------------------------------------------------------------- /transformers/models/layoutlmv2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/layoutlmv2/__init__.py -------------------------------------------------------------------------------- /transformers/models/layoutlmv3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/layoutlmv3/__init__.py -------------------------------------------------------------------------------- /transformers/models/layoutxlm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/layoutxlm/__init__.py -------------------------------------------------------------------------------- /transformers/models/led/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/led/__init__.py -------------------------------------------------------------------------------- /transformers/models/led/configuration_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/led/configuration_led.py -------------------------------------------------------------------------------- /transformers/models/led/modeling_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/led/modeling_led.py -------------------------------------------------------------------------------- /transformers/models/led/modeling_tf_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/led/modeling_tf_led.py -------------------------------------------------------------------------------- /transformers/models/led/tokenization_led.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/led/tokenization_led.py -------------------------------------------------------------------------------- /transformers/models/led/tokenization_led_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/led/tokenization_led_fast.py -------------------------------------------------------------------------------- /transformers/models/levit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/levit/__init__.py -------------------------------------------------------------------------------- /transformers/models/levit/configuration_levit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/levit/configuration_levit.py -------------------------------------------------------------------------------- /transformers/models/levit/modeling_levit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/levit/modeling_levit.py -------------------------------------------------------------------------------- /transformers/models/lilt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/lilt/__init__.py -------------------------------------------------------------------------------- /transformers/models/lilt/configuration_lilt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/lilt/configuration_lilt.py -------------------------------------------------------------------------------- /transformers/models/lilt/modeling_lilt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/lilt/modeling_lilt.py -------------------------------------------------------------------------------- /transformers/models/llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/llama/__init__.py -------------------------------------------------------------------------------- /transformers/models/llama/configuration_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/llama/configuration_llama.py -------------------------------------------------------------------------------- /transformers/models/llama/modeling_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/llama/modeling_llama.py -------------------------------------------------------------------------------- /transformers/models/llama/tokenization_llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/llama/tokenization_llama.py -------------------------------------------------------------------------------- /transformers/models/longformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/longformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/longt5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/longt5/__init__.py -------------------------------------------------------------------------------- /transformers/models/longt5/configuration_longt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/longt5/configuration_longt5.py -------------------------------------------------------------------------------- /transformers/models/longt5/modeling_flax_longt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/longt5/modeling_flax_longt5.py -------------------------------------------------------------------------------- /transformers/models/longt5/modeling_longt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/longt5/modeling_longt5.py -------------------------------------------------------------------------------- /transformers/models/luke/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/luke/__init__.py -------------------------------------------------------------------------------- /transformers/models/luke/configuration_luke.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/luke/configuration_luke.py -------------------------------------------------------------------------------- /transformers/models/luke/modeling_luke.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/luke/modeling_luke.py -------------------------------------------------------------------------------- /transformers/models/luke/tokenization_luke.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/luke/tokenization_luke.py -------------------------------------------------------------------------------- /transformers/models/lxmert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/lxmert/__init__.py -------------------------------------------------------------------------------- /transformers/models/lxmert/configuration_lxmert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/lxmert/configuration_lxmert.py -------------------------------------------------------------------------------- /transformers/models/lxmert/modeling_lxmert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/lxmert/modeling_lxmert.py -------------------------------------------------------------------------------- /transformers/models/lxmert/modeling_tf_lxmert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/lxmert/modeling_tf_lxmert.py -------------------------------------------------------------------------------- /transformers/models/lxmert/tokenization_lxmert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/lxmert/tokenization_lxmert.py -------------------------------------------------------------------------------- /transformers/models/m2m_100/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/m2m_100/__init__.py -------------------------------------------------------------------------------- /transformers/models/m2m_100/modeling_m2m_100.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/m2m_100/modeling_m2m_100.py -------------------------------------------------------------------------------- /transformers/models/marian/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/marian/__init__.py -------------------------------------------------------------------------------- /transformers/models/marian/configuration_marian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/marian/configuration_marian.py -------------------------------------------------------------------------------- /transformers/models/marian/modeling_flax_marian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/marian/modeling_flax_marian.py -------------------------------------------------------------------------------- /transformers/models/marian/modeling_marian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/marian/modeling_marian.py -------------------------------------------------------------------------------- /transformers/models/marian/modeling_tf_marian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/marian/modeling_tf_marian.py -------------------------------------------------------------------------------- /transformers/models/marian/tokenization_marian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/marian/tokenization_marian.py -------------------------------------------------------------------------------- /transformers/models/markuplm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/markuplm/__init__.py -------------------------------------------------------------------------------- /transformers/models/markuplm/modeling_markuplm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/markuplm/modeling_markuplm.py -------------------------------------------------------------------------------- /transformers/models/mask2former/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mask2former/__init__.py -------------------------------------------------------------------------------- /transformers/models/maskformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/maskformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/mbart/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mbart/__init__.py -------------------------------------------------------------------------------- /transformers/models/mbart/configuration_mbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mbart/configuration_mbart.py -------------------------------------------------------------------------------- /transformers/models/mbart/modeling_flax_mbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mbart/modeling_flax_mbart.py -------------------------------------------------------------------------------- /transformers/models/mbart/modeling_mbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mbart/modeling_mbart.py -------------------------------------------------------------------------------- /transformers/models/mbart/modeling_tf_mbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mbart/modeling_tf_mbart.py -------------------------------------------------------------------------------- /transformers/models/mbart/tokenization_mbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mbart/tokenization_mbart.py -------------------------------------------------------------------------------- /transformers/models/mbart50/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mbart50/__init__.py -------------------------------------------------------------------------------- /transformers/models/mega/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mega/__init__.py -------------------------------------------------------------------------------- /transformers/models/mega/configuration_mega.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mega/configuration_mega.py -------------------------------------------------------------------------------- /transformers/models/mega/modeling_mega.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mega/modeling_mega.py -------------------------------------------------------------------------------- /transformers/models/megatron_bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/megatron_bert/__init__.py -------------------------------------------------------------------------------- /transformers/models/megatron_gpt2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/megatron_gpt2/__init__.py -------------------------------------------------------------------------------- /transformers/models/mgp_str/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mgp_str/__init__.py -------------------------------------------------------------------------------- /transformers/models/mgp_str/modeling_mgp_str.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mgp_str/modeling_mgp_str.py -------------------------------------------------------------------------------- /transformers/models/mgp_str/processing_mgp_str.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mgp_str/processing_mgp_str.py -------------------------------------------------------------------------------- /transformers/models/mluke/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mluke/__init__.py -------------------------------------------------------------------------------- /transformers/models/mluke/tokenization_mluke.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mluke/tokenization_mluke.py -------------------------------------------------------------------------------- /transformers/models/mobilebert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mobilebert/__init__.py -------------------------------------------------------------------------------- /transformers/models/mobilenet_v1/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mobilenet_v1/__init__.py -------------------------------------------------------------------------------- /transformers/models/mobilenet_v2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mobilenet_v2/__init__.py -------------------------------------------------------------------------------- /transformers/models/mobilevit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mobilevit/__init__.py -------------------------------------------------------------------------------- /transformers/models/mobilevitv2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mobilevitv2/__init__.py -------------------------------------------------------------------------------- /transformers/models/mpnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mpnet/__init__.py -------------------------------------------------------------------------------- /transformers/models/mpnet/configuration_mpnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mpnet/configuration_mpnet.py -------------------------------------------------------------------------------- /transformers/models/mpnet/modeling_mpnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mpnet/modeling_mpnet.py -------------------------------------------------------------------------------- /transformers/models/mpnet/modeling_tf_mpnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mpnet/modeling_tf_mpnet.py -------------------------------------------------------------------------------- /transformers/models/mpnet/tokenization_mpnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mpnet/tokenization_mpnet.py -------------------------------------------------------------------------------- /transformers/models/mra/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mra/__init__.py -------------------------------------------------------------------------------- /transformers/models/mra/configuration_mra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mra/configuration_mra.py -------------------------------------------------------------------------------- /transformers/models/mra/modeling_mra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mra/modeling_mra.py -------------------------------------------------------------------------------- /transformers/models/mt5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mt5/__init__.py -------------------------------------------------------------------------------- /transformers/models/mt5/configuration_mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mt5/configuration_mt5.py -------------------------------------------------------------------------------- /transformers/models/mt5/modeling_flax_mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mt5/modeling_flax_mt5.py -------------------------------------------------------------------------------- /transformers/models/mt5/modeling_mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mt5/modeling_mt5.py -------------------------------------------------------------------------------- /transformers/models/mt5/modeling_tf_mt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mt5/modeling_tf_mt5.py -------------------------------------------------------------------------------- /transformers/models/musicgen/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/musicgen/__init__.py -------------------------------------------------------------------------------- /transformers/models/musicgen/modeling_musicgen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/musicgen/modeling_musicgen.py -------------------------------------------------------------------------------- /transformers/models/mvp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mvp/__init__.py -------------------------------------------------------------------------------- /transformers/models/mvp/configuration_mvp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mvp/configuration_mvp.py -------------------------------------------------------------------------------- /transformers/models/mvp/modeling_mvp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mvp/modeling_mvp.py -------------------------------------------------------------------------------- /transformers/models/mvp/tokenization_mvp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mvp/tokenization_mvp.py -------------------------------------------------------------------------------- /transformers/models/mvp/tokenization_mvp_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/mvp/tokenization_mvp_fast.py -------------------------------------------------------------------------------- /transformers/models/nat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nat/__init__.py -------------------------------------------------------------------------------- /transformers/models/nat/configuration_nat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nat/configuration_nat.py -------------------------------------------------------------------------------- /transformers/models/nat/modeling_nat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nat/modeling_nat.py -------------------------------------------------------------------------------- /transformers/models/nezha/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nezha/__init__.py -------------------------------------------------------------------------------- /transformers/models/nezha/configuration_nezha.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nezha/configuration_nezha.py -------------------------------------------------------------------------------- /transformers/models/nezha/modeling_nezha.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nezha/modeling_nezha.py -------------------------------------------------------------------------------- /transformers/models/nllb/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nllb/__init__.py -------------------------------------------------------------------------------- /transformers/models/nllb/tokenization_nllb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nllb/tokenization_nllb.py -------------------------------------------------------------------------------- /transformers/models/nllb/tokenization_nllb_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nllb/tokenization_nllb_fast.py -------------------------------------------------------------------------------- /transformers/models/nllb_moe/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nllb_moe/__init__.py -------------------------------------------------------------------------------- /transformers/models/nllb_moe/modeling_nllb_moe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nllb_moe/modeling_nllb_moe.py -------------------------------------------------------------------------------- /transformers/models/nystromformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/nystromformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/oneformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/oneformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/open_llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/open_llama/__init__.py -------------------------------------------------------------------------------- /transformers/models/openai/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/openai/__init__.py -------------------------------------------------------------------------------- /transformers/models/openai/configuration_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/openai/configuration_openai.py -------------------------------------------------------------------------------- /transformers/models/openai/modeling_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/openai/modeling_openai.py -------------------------------------------------------------------------------- /transformers/models/openai/modeling_tf_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/openai/modeling_tf_openai.py -------------------------------------------------------------------------------- /transformers/models/openai/tokenization_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/openai/tokenization_openai.py -------------------------------------------------------------------------------- /transformers/models/opt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/opt/__init__.py -------------------------------------------------------------------------------- /transformers/models/opt/configuration_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/opt/configuration_opt.py -------------------------------------------------------------------------------- /transformers/models/opt/modeling_flax_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/opt/modeling_flax_opt.py -------------------------------------------------------------------------------- /transformers/models/opt/modeling_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/opt/modeling_opt.py -------------------------------------------------------------------------------- /transformers/models/opt/modeling_tf_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/opt/modeling_tf_opt.py -------------------------------------------------------------------------------- /transformers/models/owlvit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/owlvit/__init__.py -------------------------------------------------------------------------------- /transformers/models/owlvit/configuration_owlvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/owlvit/configuration_owlvit.py -------------------------------------------------------------------------------- /transformers/models/owlvit/modeling_owlvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/owlvit/modeling_owlvit.py -------------------------------------------------------------------------------- /transformers/models/owlvit/processing_owlvit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/owlvit/processing_owlvit.py -------------------------------------------------------------------------------- /transformers/models/pegasus/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/pegasus/__init__.py -------------------------------------------------------------------------------- /transformers/models/pegasus/modeling_pegasus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/pegasus/modeling_pegasus.py -------------------------------------------------------------------------------- /transformers/models/pegasus/modeling_tf_pegasus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/pegasus/modeling_tf_pegasus.py -------------------------------------------------------------------------------- /transformers/models/pegasus_x/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/pegasus_x/__init__.py -------------------------------------------------------------------------------- /transformers/models/perceiver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/perceiver/__init__.py -------------------------------------------------------------------------------- /transformers/models/phobert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/phobert/__init__.py -------------------------------------------------------------------------------- /transformers/models/pix2struct/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/pix2struct/__init__.py -------------------------------------------------------------------------------- /transformers/models/plbart/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/plbart/__init__.py -------------------------------------------------------------------------------- /transformers/models/plbart/configuration_plbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/plbart/configuration_plbart.py -------------------------------------------------------------------------------- /transformers/models/plbart/modeling_plbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/plbart/modeling_plbart.py -------------------------------------------------------------------------------- /transformers/models/plbart/tokenization_plbart.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/plbart/tokenization_plbart.py -------------------------------------------------------------------------------- /transformers/models/poolformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/poolformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/prophetnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/prophetnet/__init__.py -------------------------------------------------------------------------------- /transformers/models/qdqbert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/qdqbert/__init__.py -------------------------------------------------------------------------------- /transformers/models/qdqbert/modeling_qdqbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/qdqbert/modeling_qdqbert.py -------------------------------------------------------------------------------- /transformers/models/rag/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/rag/__init__.py -------------------------------------------------------------------------------- /transformers/models/rag/configuration_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/rag/configuration_rag.py -------------------------------------------------------------------------------- /transformers/models/rag/modeling_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/rag/modeling_rag.py -------------------------------------------------------------------------------- /transformers/models/rag/modeling_tf_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/rag/modeling_tf_rag.py -------------------------------------------------------------------------------- /transformers/models/rag/retrieval_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/rag/retrieval_rag.py -------------------------------------------------------------------------------- /transformers/models/rag/tokenization_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/rag/tokenization_rag.py -------------------------------------------------------------------------------- /transformers/models/realm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/realm/__init__.py -------------------------------------------------------------------------------- /transformers/models/realm/configuration_realm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/realm/configuration_realm.py -------------------------------------------------------------------------------- /transformers/models/realm/modeling_realm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/realm/modeling_realm.py -------------------------------------------------------------------------------- /transformers/models/realm/retrieval_realm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/realm/retrieval_realm.py -------------------------------------------------------------------------------- /transformers/models/realm/tokenization_realm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/realm/tokenization_realm.py -------------------------------------------------------------------------------- /transformers/models/reformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/reformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/reformer/modeling_reformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/reformer/modeling_reformer.py -------------------------------------------------------------------------------- /transformers/models/regnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/regnet/__init__.py -------------------------------------------------------------------------------- /transformers/models/regnet/modeling_regnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/regnet/modeling_regnet.py -------------------------------------------------------------------------------- /transformers/models/regnet/modeling_tf_regnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/regnet/modeling_tf_regnet.py -------------------------------------------------------------------------------- /transformers/models/rembert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/rembert/__init__.py -------------------------------------------------------------------------------- /transformers/models/rembert/modeling_rembert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/rembert/modeling_rembert.py -------------------------------------------------------------------------------- /transformers/models/resnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/resnet/__init__.py -------------------------------------------------------------------------------- /transformers/models/resnet/modeling_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/resnet/modeling_resnet.py -------------------------------------------------------------------------------- /transformers/models/resnet/modeling_tf_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/resnet/modeling_tf_resnet.py -------------------------------------------------------------------------------- /transformers/models/roberta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/roberta/__init__.py -------------------------------------------------------------------------------- /transformers/models/roberta/modeling_roberta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/roberta/modeling_roberta.py -------------------------------------------------------------------------------- /transformers/models/roc_bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/roc_bert/__init__.py -------------------------------------------------------------------------------- /transformers/models/roformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/roformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/rwkv/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/rwkv/__init__.py -------------------------------------------------------------------------------- /transformers/models/rwkv/configuration_rwkv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/rwkv/configuration_rwkv.py -------------------------------------------------------------------------------- /transformers/models/rwkv/modeling_rwkv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/rwkv/modeling_rwkv.py -------------------------------------------------------------------------------- /transformers/models/sam/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sam/__init__.py -------------------------------------------------------------------------------- /transformers/models/sam/configuration_sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sam/configuration_sam.py -------------------------------------------------------------------------------- /transformers/models/sam/image_processing_sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sam/image_processing_sam.py -------------------------------------------------------------------------------- /transformers/models/sam/modeling_sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sam/modeling_sam.py -------------------------------------------------------------------------------- /transformers/models/sam/modeling_tf_sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sam/modeling_tf_sam.py -------------------------------------------------------------------------------- /transformers/models/sam/processing_sam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sam/processing_sam.py -------------------------------------------------------------------------------- /transformers/models/segformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/segformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/sew/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sew/__init__.py -------------------------------------------------------------------------------- /transformers/models/sew/configuration_sew.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sew/configuration_sew.py -------------------------------------------------------------------------------- /transformers/models/sew/modeling_sew.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sew/modeling_sew.py -------------------------------------------------------------------------------- /transformers/models/sew_d/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sew_d/__init__.py -------------------------------------------------------------------------------- /transformers/models/sew_d/configuration_sew_d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sew_d/configuration_sew_d.py -------------------------------------------------------------------------------- /transformers/models/sew_d/modeling_sew_d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/sew_d/modeling_sew_d.py -------------------------------------------------------------------------------- /transformers/models/speech_to_text/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/speech_to_text/__init__.py -------------------------------------------------------------------------------- /transformers/models/speech_to_text_2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/speech_to_text_2/__init__.py -------------------------------------------------------------------------------- /transformers/models/speecht5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/speecht5/__init__.py -------------------------------------------------------------------------------- /transformers/models/speecht5/convert_hifigan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/speecht5/convert_hifigan.py -------------------------------------------------------------------------------- /transformers/models/splinter/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/splinter/__init__.py -------------------------------------------------------------------------------- /transformers/models/squeezebert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/squeezebert/__init__.py -------------------------------------------------------------------------------- /transformers/models/swiftformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/swiftformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/swin/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/swin/__init__.py -------------------------------------------------------------------------------- /transformers/models/swin/configuration_swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/swin/configuration_swin.py -------------------------------------------------------------------------------- /transformers/models/swin/modeling_swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/swin/modeling_swin.py -------------------------------------------------------------------------------- /transformers/models/swin/modeling_tf_swin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/swin/modeling_tf_swin.py -------------------------------------------------------------------------------- /transformers/models/swin2sr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/swin2sr/__init__.py -------------------------------------------------------------------------------- /transformers/models/swin2sr/modeling_swin2sr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/swin2sr/modeling_swin2sr.py -------------------------------------------------------------------------------- /transformers/models/swinv2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/swinv2/__init__.py -------------------------------------------------------------------------------- /transformers/models/swinv2/modeling_swinv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/swinv2/modeling_swinv2.py -------------------------------------------------------------------------------- /transformers/models/t5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/t5/__init__.py -------------------------------------------------------------------------------- /transformers/models/t5/configuration_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/t5/configuration_t5.py -------------------------------------------------------------------------------- /transformers/models/t5/modeling_flax_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/t5/modeling_flax_t5.py -------------------------------------------------------------------------------- /transformers/models/t5/modeling_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/t5/modeling_t5.py -------------------------------------------------------------------------------- /transformers/models/t5/modeling_tf_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/t5/modeling_tf_t5.py -------------------------------------------------------------------------------- /transformers/models/t5/tokenization_t5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/t5/tokenization_t5.py -------------------------------------------------------------------------------- /transformers/models/t5/tokenization_t5_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/t5/tokenization_t5_fast.py -------------------------------------------------------------------------------- /transformers/models/tapas/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/tapas/__init__.py -------------------------------------------------------------------------------- /transformers/models/tapas/configuration_tapas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/tapas/configuration_tapas.py -------------------------------------------------------------------------------- /transformers/models/tapas/modeling_tapas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/tapas/modeling_tapas.py -------------------------------------------------------------------------------- /transformers/models/tapas/modeling_tf_tapas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/tapas/modeling_tf_tapas.py -------------------------------------------------------------------------------- /transformers/models/tapas/tokenization_tapas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/tapas/tokenization_tapas.py -------------------------------------------------------------------------------- /transformers/models/timesformer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/timesformer/__init__.py -------------------------------------------------------------------------------- /transformers/models/timm_backbone/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/timm_backbone/__init__.py -------------------------------------------------------------------------------- /transformers/models/transfo_xl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/transfo_xl/__init__.py -------------------------------------------------------------------------------- /transformers/models/trocr/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/trocr/__init__.py -------------------------------------------------------------------------------- /transformers/models/trocr/configuration_trocr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/trocr/configuration_trocr.py -------------------------------------------------------------------------------- /transformers/models/trocr/modeling_trocr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/trocr/modeling_trocr.py -------------------------------------------------------------------------------- /transformers/models/trocr/processing_trocr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/trocr/processing_trocr.py -------------------------------------------------------------------------------- /transformers/models/tvlt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/tvlt/__init__.py -------------------------------------------------------------------------------- /transformers/models/tvlt/configuration_tvlt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/tvlt/configuration_tvlt.py -------------------------------------------------------------------------------- /transformers/models/tvlt/modeling_tvlt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/tvlt/modeling_tvlt.py -------------------------------------------------------------------------------- /transformers/models/tvlt/processing_tvlt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/tvlt/processing_tvlt.py -------------------------------------------------------------------------------- /transformers/models/umt5/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/umt5/__init__.py -------------------------------------------------------------------------------- /transformers/models/umt5/configuration_umt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/umt5/configuration_umt5.py -------------------------------------------------------------------------------- /transformers/models/umt5/modeling_umt5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/umt5/modeling_umt5.py -------------------------------------------------------------------------------- /transformers/models/unispeech/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/unispeech/__init__.py -------------------------------------------------------------------------------- /transformers/models/unispeech_sat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/unispeech_sat/__init__.py -------------------------------------------------------------------------------- /transformers/models/upernet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/upernet/__init__.py -------------------------------------------------------------------------------- /transformers/models/upernet/modeling_upernet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/upernet/modeling_upernet.py -------------------------------------------------------------------------------- /transformers/models/videomae/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/videomae/__init__.py -------------------------------------------------------------------------------- /transformers/models/vilt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vilt/__init__.py -------------------------------------------------------------------------------- /transformers/models/vilt/configuration_vilt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vilt/configuration_vilt.py -------------------------------------------------------------------------------- /transformers/models/vilt/modeling_vilt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vilt/modeling_vilt.py -------------------------------------------------------------------------------- /transformers/models/vilt/processing_vilt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vilt/processing_vilt.py -------------------------------------------------------------------------------- /transformers/models/visual_bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/visual_bert/__init__.py -------------------------------------------------------------------------------- /transformers/models/vit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vit/__init__.py -------------------------------------------------------------------------------- /transformers/models/vit/configuration_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vit/configuration_vit.py -------------------------------------------------------------------------------- /transformers/models/vit/image_processing_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vit/image_processing_vit.py -------------------------------------------------------------------------------- /transformers/models/vit/modeling_flax_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vit/modeling_flax_vit.py -------------------------------------------------------------------------------- /transformers/models/vit/modeling_tf_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vit/modeling_tf_vit.py -------------------------------------------------------------------------------- /transformers/models/vit/modeling_vit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vit/modeling_vit.py -------------------------------------------------------------------------------- /transformers/models/vit_hybrid/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vit_hybrid/__init__.py -------------------------------------------------------------------------------- /transformers/models/vit_mae/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vit_mae/__init__.py -------------------------------------------------------------------------------- /transformers/models/vit_mae/modeling_vit_mae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vit_mae/modeling_vit_mae.py -------------------------------------------------------------------------------- /transformers/models/vit_msn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vit_msn/__init__.py -------------------------------------------------------------------------------- /transformers/models/vit_msn/modeling_vit_msn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vit_msn/modeling_vit_msn.py -------------------------------------------------------------------------------- /transformers/models/vivit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vivit/__init__.py -------------------------------------------------------------------------------- /transformers/models/vivit/configuration_vivit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vivit/configuration_vivit.py -------------------------------------------------------------------------------- /transformers/models/vivit/modeling_vivit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/vivit/modeling_vivit.py -------------------------------------------------------------------------------- /transformers/models/wav2vec2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/wav2vec2/__init__.py -------------------------------------------------------------------------------- /transformers/models/wav2vec2_phoneme/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/wav2vec2_phoneme/__init__.py -------------------------------------------------------------------------------- /transformers/models/wav2vec2_with_lm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/wav2vec2_with_lm/__init__.py -------------------------------------------------------------------------------- /transformers/models/wavlm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/wavlm/__init__.py -------------------------------------------------------------------------------- /transformers/models/wavlm/configuration_wavlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/wavlm/configuration_wavlm.py -------------------------------------------------------------------------------- /transformers/models/wavlm/modeling_wavlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/wavlm/modeling_wavlm.py -------------------------------------------------------------------------------- /transformers/models/whisper/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/whisper/__init__.py -------------------------------------------------------------------------------- /transformers/models/whisper/modeling_whisper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/whisper/modeling_whisper.py -------------------------------------------------------------------------------- /transformers/models/x_clip/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/x_clip/__init__.py -------------------------------------------------------------------------------- /transformers/models/x_clip/modeling_x_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/x_clip/modeling_x_clip.py -------------------------------------------------------------------------------- /transformers/models/x_clip/processing_x_clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/x_clip/processing_x_clip.py -------------------------------------------------------------------------------- /transformers/models/xglm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xglm/__init__.py -------------------------------------------------------------------------------- /transformers/models/xglm/configuration_xglm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xglm/configuration_xglm.py -------------------------------------------------------------------------------- /transformers/models/xglm/modeling_flax_xglm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xglm/modeling_flax_xglm.py -------------------------------------------------------------------------------- /transformers/models/xglm/modeling_tf_xglm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xglm/modeling_tf_xglm.py -------------------------------------------------------------------------------- /transformers/models/xglm/modeling_xglm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xglm/modeling_xglm.py -------------------------------------------------------------------------------- /transformers/models/xglm/tokenization_xglm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xglm/tokenization_xglm.py -------------------------------------------------------------------------------- /transformers/models/xlm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlm/__init__.py -------------------------------------------------------------------------------- /transformers/models/xlm/configuration_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlm/configuration_xlm.py -------------------------------------------------------------------------------- /transformers/models/xlm/modeling_tf_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlm/modeling_tf_xlm.py -------------------------------------------------------------------------------- /transformers/models/xlm/modeling_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlm/modeling_xlm.py -------------------------------------------------------------------------------- /transformers/models/xlm/tokenization_xlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlm/tokenization_xlm.py -------------------------------------------------------------------------------- /transformers/models/xlm_prophetnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlm_prophetnet/__init__.py -------------------------------------------------------------------------------- /transformers/models/xlm_roberta/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlm_roberta/__init__.py -------------------------------------------------------------------------------- /transformers/models/xlm_roberta_xl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlm_roberta_xl/__init__.py -------------------------------------------------------------------------------- /transformers/models/xlnet/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlnet/__init__.py -------------------------------------------------------------------------------- /transformers/models/xlnet/configuration_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlnet/configuration_xlnet.py -------------------------------------------------------------------------------- /transformers/models/xlnet/modeling_tf_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlnet/modeling_tf_xlnet.py -------------------------------------------------------------------------------- /transformers/models/xlnet/modeling_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlnet/modeling_xlnet.py -------------------------------------------------------------------------------- /transformers/models/xlnet/tokenization_xlnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xlnet/tokenization_xlnet.py -------------------------------------------------------------------------------- /transformers/models/xmod/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xmod/__init__.py -------------------------------------------------------------------------------- /transformers/models/xmod/configuration_xmod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xmod/configuration_xmod.py -------------------------------------------------------------------------------- /transformers/models/xmod/modeling_xmod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/xmod/modeling_xmod.py -------------------------------------------------------------------------------- /transformers/models/yolos/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/yolos/__init__.py -------------------------------------------------------------------------------- /transformers/models/yolos/configuration_yolos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/yolos/configuration_yolos.py -------------------------------------------------------------------------------- /transformers/models/yolos/modeling_yolos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/yolos/modeling_yolos.py -------------------------------------------------------------------------------- /transformers/models/yoso/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/yoso/__init__.py -------------------------------------------------------------------------------- /transformers/models/yoso/configuration_yoso.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/yoso/configuration_yoso.py -------------------------------------------------------------------------------- /transformers/models/yoso/modeling_yoso.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/models/yoso/modeling_yoso.py -------------------------------------------------------------------------------- /transformers/onnx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/onnx/__init__.py -------------------------------------------------------------------------------- /transformers/onnx/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/onnx/__main__.py -------------------------------------------------------------------------------- /transformers/onnx/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/onnx/config.py -------------------------------------------------------------------------------- /transformers/onnx/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/onnx/convert.py -------------------------------------------------------------------------------- /transformers/onnx/features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/onnx/features.py -------------------------------------------------------------------------------- /transformers/onnx/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/onnx/utils.py -------------------------------------------------------------------------------- /transformers/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/optimization.py -------------------------------------------------------------------------------- /transformers/optimization_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/optimization_tf.py -------------------------------------------------------------------------------- /transformers/pipelines/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/__init__.py -------------------------------------------------------------------------------- /transformers/pipelines/audio_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/audio_classification.py -------------------------------------------------------------------------------- /transformers/pipelines/audio_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/audio_utils.py -------------------------------------------------------------------------------- /transformers/pipelines/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/base.py -------------------------------------------------------------------------------- /transformers/pipelines/conversational.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/conversational.py -------------------------------------------------------------------------------- /transformers/pipelines/depth_estimation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/depth_estimation.py -------------------------------------------------------------------------------- /transformers/pipelines/feature_extraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/feature_extraction.py -------------------------------------------------------------------------------- /transformers/pipelines/fill_mask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/fill_mask.py -------------------------------------------------------------------------------- /transformers/pipelines/image_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/image_classification.py -------------------------------------------------------------------------------- /transformers/pipelines/image_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/image_segmentation.py -------------------------------------------------------------------------------- /transformers/pipelines/image_to_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/image_to_text.py -------------------------------------------------------------------------------- /transformers/pipelines/mask_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/mask_generation.py -------------------------------------------------------------------------------- /transformers/pipelines/object_detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/object_detection.py -------------------------------------------------------------------------------- /transformers/pipelines/pt_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/pt_utils.py -------------------------------------------------------------------------------- /transformers/pipelines/question_answering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/question_answering.py -------------------------------------------------------------------------------- /transformers/pipelines/text2text_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/text2text_generation.py -------------------------------------------------------------------------------- /transformers/pipelines/text_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/text_classification.py -------------------------------------------------------------------------------- /transformers/pipelines/text_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/text_generation.py -------------------------------------------------------------------------------- /transformers/pipelines/token_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/token_classification.py -------------------------------------------------------------------------------- /transformers/pipelines/video_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pipelines/video_classification.py -------------------------------------------------------------------------------- /transformers/processing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/processing_utils.py -------------------------------------------------------------------------------- /transformers/pytorch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/pytorch_utils.py -------------------------------------------------------------------------------- /transformers/sagemaker/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/sagemaker/__init__.py -------------------------------------------------------------------------------- /transformers/sagemaker/trainer_sm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/sagemaker/trainer_sm.py -------------------------------------------------------------------------------- /transformers/sagemaker/training_args_sm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/sagemaker/training_args_sm.py -------------------------------------------------------------------------------- /transformers/testing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/testing_utils.py -------------------------------------------------------------------------------- /transformers/tf_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tf_utils.py -------------------------------------------------------------------------------- /transformers/time_series_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/time_series_utils.py -------------------------------------------------------------------------------- /transformers/tokenization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tokenization_utils.py -------------------------------------------------------------------------------- /transformers/tokenization_utils_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tokenization_utils_base.py -------------------------------------------------------------------------------- /transformers/tokenization_utils_fast.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tokenization_utils_fast.py -------------------------------------------------------------------------------- /transformers/tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/__init__.py -------------------------------------------------------------------------------- /transformers/tools/agent_types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/agent_types.py -------------------------------------------------------------------------------- /transformers/tools/agents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/agents.py -------------------------------------------------------------------------------- /transformers/tools/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/base.py -------------------------------------------------------------------------------- /transformers/tools/evaluate_agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/evaluate_agent.py -------------------------------------------------------------------------------- /transformers/tools/image_captioning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/image_captioning.py -------------------------------------------------------------------------------- /transformers/tools/image_question_answering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/image_question_answering.py -------------------------------------------------------------------------------- /transformers/tools/image_segmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/image_segmentation.py -------------------------------------------------------------------------------- /transformers/tools/prompts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/prompts.py -------------------------------------------------------------------------------- /transformers/tools/python_interpreter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/python_interpreter.py -------------------------------------------------------------------------------- /transformers/tools/speech_to_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/speech_to_text.py -------------------------------------------------------------------------------- /transformers/tools/text_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/text_classification.py -------------------------------------------------------------------------------- /transformers/tools/text_question_answering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/text_question_answering.py -------------------------------------------------------------------------------- /transformers/tools/text_summarization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/text_summarization.py -------------------------------------------------------------------------------- /transformers/tools/text_to_speech.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/text_to_speech.py -------------------------------------------------------------------------------- /transformers/tools/translation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/tools/translation.py -------------------------------------------------------------------------------- /transformers/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/trainer.py -------------------------------------------------------------------------------- /transformers/trainer_callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/trainer_callback.py -------------------------------------------------------------------------------- /transformers/trainer_pt_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/trainer_pt_utils.py -------------------------------------------------------------------------------- /transformers/trainer_seq2seq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/trainer_seq2seq.py -------------------------------------------------------------------------------- /transformers/trainer_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/trainer_tf.py -------------------------------------------------------------------------------- /transformers/trainer_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/trainer_utils.py -------------------------------------------------------------------------------- /transformers/training_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/training_args.py -------------------------------------------------------------------------------- /transformers/training_args_seq2seq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/training_args_seq2seq.py -------------------------------------------------------------------------------- /transformers/training_args_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/training_args_tf.py -------------------------------------------------------------------------------- /transformers/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/__init__.py -------------------------------------------------------------------------------- /transformers/utils/backbone_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/backbone_utils.py -------------------------------------------------------------------------------- /transformers/utils/bitsandbytes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/bitsandbytes.py -------------------------------------------------------------------------------- /transformers/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/constants.py -------------------------------------------------------------------------------- /transformers/utils/doc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/doc.py -------------------------------------------------------------------------------- /transformers/utils/dummy_detectron2_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/dummy_detectron2_objects.py -------------------------------------------------------------------------------- /transformers/utils/dummy_flax_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/dummy_flax_objects.py -------------------------------------------------------------------------------- /transformers/utils/dummy_keras_nlp_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/dummy_keras_nlp_objects.py -------------------------------------------------------------------------------- /transformers/utils/dummy_pt_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/dummy_pt_objects.py -------------------------------------------------------------------------------- /transformers/utils/dummy_speech_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/dummy_speech_objects.py -------------------------------------------------------------------------------- /transformers/utils/dummy_tf_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/dummy_tf_objects.py -------------------------------------------------------------------------------- /transformers/utils/dummy_tokenizers_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/dummy_tokenizers_objects.py -------------------------------------------------------------------------------- /transformers/utils/dummy_vision_objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/dummy_vision_objects.py -------------------------------------------------------------------------------- /transformers/utils/fx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/fx.py -------------------------------------------------------------------------------- /transformers/utils/generic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/generic.py -------------------------------------------------------------------------------- /transformers/utils/hp_naming.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/hp_naming.py -------------------------------------------------------------------------------- /transformers/utils/hub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/hub.py -------------------------------------------------------------------------------- /transformers/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/import_utils.py -------------------------------------------------------------------------------- /transformers/utils/logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/logging.py -------------------------------------------------------------------------------- /transformers/utils/model_parallel_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/model_parallel_utils.py -------------------------------------------------------------------------------- /transformers/utils/notebook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/notebook.py -------------------------------------------------------------------------------- /transformers/utils/quantization_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/quantization_config.py -------------------------------------------------------------------------------- /transformers/utils/sentencepiece_model_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/sentencepiece_model_pb2.py -------------------------------------------------------------------------------- /transformers/utils/versions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/transformers/utils/versions.py -------------------------------------------------------------------------------- /utils/__pycache__/data_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/utils/__pycache__/data_utils.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/dist_util.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/utils/__pycache__/dist_util.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/eval_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/utils/__pycache__/eval_utils.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/logger.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/utils/__pycache__/logger.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/metrics.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/utils/__pycache__/metrics.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/model_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/utils/__pycache__/model_utils.cpython-310.pyc -------------------------------------------------------------------------------- /utils/dist_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/utils/dist_util.py -------------------------------------------------------------------------------- /utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/utils/logger.py -------------------------------------------------------------------------------- /utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/zjunlp/Deco/HEAD/utils/metrics.py --------------------------------------------------------------------------------