- - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - Dependencies path like ".*/(3rd|[Tt]hird)[-_]?[Pp]arty/.*" 304 files: third_party/LongBench/llama_flash_attn_monkey_patch.py third_party/LongBench/README.md third_party/LongBench/README_ZH.md third_party/LongBench/refs/ref.bib third_party/LongBench/config/dataset2maxlen.json third_party/LongBench/config/model2path.json third_party/LongBench/config/dataset2prompt.json third_party/LongBench/config/model2maxlen.json third_party/LongBench/config/dataset2prompt_close_cot.json third_party/LongBench/config/dataset2prompt_close.json third_party/LongBench/requirements.txt third_party/LongBench/task.md third_party/LongBench/retrieval/README.md third_party/LongBench/retrieval/LongBench.py third_party/LongBench/retrieval/requirements.txt third_party/LongBench/retrieval/embedding/openai_embedding.sh third_party/LongBench/retrieval/embedding/generate_openai_embedding.py third_party/LongBench/retrieval/contriever/generate_passage_embeddings.py third_party/LongBench/retrieval/contriever/LB2mC.py third_party/LongBench/retrieval/contriever/mContriever.sh third_party/LongBench/retrieval/contriever/merge_output.py third_party/LongBench/retrieval/contriever/passage_retrieval.py third_party/LongBench/retrieval/pred.py third_party/LongBench/retrieval/splitter.py third_party/LongBench/retrieval/BM25/generate_BM25.py third_party/LongBench/retrieval/BM25/BM25.sh third_party/LongBench/pred.py third_party/LongBench/metrics.py third_party/LongBench/summ/README.md third_party/LongBench/summ/compress.py third_party/LongBench/eval.py third_party/LongBench/task_zh.md third_party/tevatron/examples/coCondenser-marco/create_hn.sh third_party/tevatron/examples/coCondenser-marco/README.md third_party/tevatron/examples/coCondenser-marco/tokenize_passages.py third_party/tevatron/examples/coCondenser-marco/build_train_hn.py third_party/tevatron/examples/coCondenser-marco/get_data.sh third_party/tevatron/examples/coCondenser-marco/build_train.py third_party/tevatron/examples/coCondenser-marco/tokenize_queries.py third_party/tevatron/examples/coCondenser-marco/score_to_marco.py third_party/tevatron/examples/distill/README.md third_party/tevatron/examples/distill/distil_train.py third_party/tevatron/examples/example_msmarco.md third_party/tevatron/examples/example_scifact.md third_party/tevatron/examples/example_mrtydi.md third_party/tevatron/examples/rankllama/prepare_rerank_file.py third_party/tevatron/examples/rankllama/README.md third_party/tevatron/examples/rankllama/trainer.py third_party/tevatron/examples/rankllama/data.py third_party/tevatron/examples/rankllama/reranker_inference.py third_party/tevatron/examples/rankllama/modeling.py third_party/tevatron/examples/rankllama/ds_config.json third_party/tevatron/examples/rankllama/utils.py third_party/tevatron/examples/rankllama/reranker_train.py third_party/tevatron/examples/colbert/README.md third_party/tevatron/examples/colbert/train_colbert.py third_party/tevatron/examples/reranker/prepare_rerank_file.py third_party/tevatron/examples/reranker/README.md third_party/tevatron/examples/reranker/reranker_inference.py third_party/tevatron/examples/reranker/train.sh third_party/tevatron/examples/reranker/data_script.py third_party/tevatron/examples/reranker/reranker_train.py third_party/tevatron/examples/unicoil/README.md third_party/tevatron/examples/unicoil/encode_unicoil.py third_party/tevatron/examples/unicoil/train_unicoil.py third_party/tevatron/examples/repllama/README.md third_party/tevatron/examples/repllama/trainer.py third_party/tevatron/examples/repllama/train.py third_party/tevatron/examples/repllama/encode.py third_party/tevatron/examples/repllama/data.py third_party/tevatron/examples/repllama/encode_dp.py third_party/tevatron/examples/repllama/ds_config.json third_party/tevatron/examples/repllama/utils.py third_party/tevatron/examples/repllama/repllama.py third_party/tevatron/examples/example_dpr.md third_party/tevatron/examples/example_asyncval.md third_party/tevatron/examples/example_beir_eval.md third_party/tevatron/examples/coCondenser-nq/README.md third_party/tevatron/examples/coCondenser-nq/prepare_wiki_train.py third_party/tevatron/examples/splade/README.md third_party/tevatron/examples/splade/encode_splade.py third_party/tevatron/examples/splade/train_splade.py third_party/tevatron/README.md third_party/tevatron/scripts/eval_beir.sh third_party/tevatron/scripts/reduce_results.py third_party/tevatron/scripts/hn_mining.py third_party/tevatron/scripts/cvt_safetensor.py third_party/tevatron/src/tevatron/driver/__init__.py third_party/tevatron/src/tevatron/driver/train.py third_party/tevatron/src/tevatron/driver/encode.py third_party/tevatron/src/tevatron/driver/jax_train.py third_party/tevatron/src/tevatron/driver/jax_encode.py third_party/tevatron/src/tevatron/tevax/__init__.py third_party/tevatron/src/tevatron/tevax/training.py third_party/tevatron/src/tevatron/tevax/loss.py third_party/tevatron/src/tevatron/modeling/__init__.py third_party/tevatron/src/tevatron/modeling/unicoil.py third_party/tevatron/src/tevatron/modeling/encoder.py third_party/tevatron/src/tevatron/modeling/dense.py third_party/tevatron/src/tevatron/modeling/splade.py third_party/tevatron/src/tevatron/modeling/colbert.py third_party/tevatron/src/tevatron/utils/__init__.py third_party/tevatron/src/tevatron/utils/format/__init__.py third_party/tevatron/src/tevatron/utils/format/convert_result_to_marco.py third_party/tevatron/src/tevatron/utils/format/convert_result_to_trec.py third_party/tevatron/src/tevatron/utils/convert_from_dpr.py third_party/tevatron/src/tevatron/__init__.py third_party/tevatron/src/tevatron/trainer.py third_party/tevatron/src/tevatron/arguments.py third_party/tevatron/src/tevatron/faiss_retriever/__main__.py third_party/tevatron/src/tevatron/faiss_retriever/__init__.py third_party/tevatron/src/tevatron/faiss_retriever/retriever.py third_party/tevatron/src/tevatron/faiss_retriever/reducer.py third_party/tevatron/src/tevatron/data.py third_party/tevatron/src/tevatron/datasets/__init__.py third_party/tevatron/src/tevatron/datasets/preprocessor.py third_party/tevatron/src/tevatron/datasets/dataset.py third_party/tevatron/src/tevatron/loss.py third_party/tevatron/src/tevatron/distillation/trainer.py third_party/tevatron/src/tevatron/distillation/arguments.py third_party/tevatron/src/tevatron/distillation/data.py third_party/tevatron/src/tevatron/reranker/__init__.py third_party/tevatron/src/tevatron/reranker/trainer.py third_party/tevatron/src/tevatron/reranker/data.py third_party/tevatron/src/tevatron/reranker/modeling.py third_party/tevatron/src/tevatron/preprocessor/__init__.py third_party/tevatron/src/tevatron/preprocessor/preprocessor_tsv.py third_party/tevatron/datasets/beir-corpus-struct/beir-corpus-struct.py third_party/tevatron/docs/datasets.md third_party/tevatron/docs/index.md third_party/tevatron/docs/retrieval.md third_party/tevatron/docs/training.md third_party/tevatron/docs/encoding.md third_party/tevatron/setup.py third_party/AttrScore/train_alpaca.py third_party/AttrScore/prompt_and_demo/demo_NLI.txt third_party/AttrScore/prompt_and_demo/demo_sum.txt third_party/AttrScore/prompt_and_demo/demo_attr.txt third_party/AttrScore/prompt_and_demo/task_prompts.json third_party/AttrScore/prompt_and_demo/demo_fact-checking.txt third_party/AttrScore/prompt_chatgpt_gpt4.ipynb third_party/AttrScore/inference_alpaca.py third_party/LLaMA-Factory/examples/full_multi_gpu/multi_node.sh third_party/LLaMA-Factory/examples/full_multi_gpu/single_node.sh third_party/LLaMA-Factory/examples/full_multi_gpu/ds_z2_offload_config.json third_party/LLaMA-Factory/examples/full_multi_gpu/ds_z3_config.json third_party/LLaMA-Factory/examples/full_multi_gpu/ds_z3_offload_config.json third_party/LLaMA-Factory/examples/full_multi_gpu/ds_z2_config.json third_party/LLaMA-Factory/examples/lora_single_gpu/ppo.sh third_party/LLaMA-Factory/examples/lora_single_gpu/predict.sh third_party/LLaMA-Factory/examples/lora_single_gpu/README.md third_party/LLaMA-Factory/examples/lora_single_gpu/pretrain.sh third_party/LLaMA-Factory/examples/lora_single_gpu/reward.sh third_party/LLaMA-Factory/examples/lora_single_gpu/sft.sh third_party/LLaMA-Factory/examples/lora_single_gpu/dpo.sh third_party/LLaMA-Factory/examples/qlora_single_gpu/gptq.sh third_party/LLaMA-Factory/examples/qlora_single_gpu/aqlm.sh third_party/LLaMA-Factory/examples/qlora_single_gpu/awq.sh third_party/LLaMA-Factory/examples/qlora_single_gpu/bitsandbytes.sh third_party/LLaMA-Factory/examples/extras/llama_pro/expand.sh third_party/LLaMA-Factory/examples/extras/llama_pro/sft.sh third_party/LLaMA-Factory/examples/extras/galore/galore_adamw_8bit_bf16.sh third_party/LLaMA-Factory/examples/extras/galore/adamw.sh third_party/LLaMA-Factory/examples/extras/galore/galore_adamw.sh third_party/LLaMA-Factory/examples/extras/galore/adamw_8bit_bf16.sh third_party/LLaMA-Factory/examples/merge_lora/README.md third_party/LLaMA-Factory/examples/merge_lora/merge.sh third_party/LLaMA-Factory/examples/merge_lora/quantize.sh third_party/LLaMA-Factory/examples/lora_multi_gpu/multi_node.sh third_party/LLaMA-Factory/examples/lora_multi_gpu/single_node.sh third_party/LLaMA-Factory/examples/lora_multi_gpu/single_config.yaml third_party/LLaMA-Factory/examples/lora_multi_gpu/master_config.yaml third_party/LLaMA-Factory/examples/lora_multi_gpu/slave_config.yaml third_party/LLaMA-Factory/bash/train_mmedbench_sft.sh third_party/LLaMA-Factory/bash/train_longbench_cpt.sh third_party/LLaMA-Factory/bash/train_mmedbench_cpt.sh third_party/LLaMA-Factory/bash/train_struxgpt.sh third_party/LLaMA-Factory/bash/train_longbench_sft.sh third_party/LLaMA-Factory/data/dataset_info.json third_party/LLaMA-Factory/scripts/llamafy_baichuan2.py third_party/LLaMA-Factory/scripts/llama_pro.py third_party/LLaMA-Factory/scripts/cal_flops.py third_party/LLaMA-Factory/scripts/llamafy_qwen.py third_party/LLaMA-Factory/scripts/llamafy_internlm2.py third_party/LLaMA-Factory/scripts/length_cdf.py third_party/LLaMA-Factory/scripts/cal_lr.py third_party/LLaMA-Factory/scripts/loftq_init.py third_party/LLaMA-Factory/src/web_demo.py third_party/LLaMA-Factory/src/evaluate.py third_party/LLaMA-Factory/src/cli_demo.py third_party/LLaMA-Factory/src/api_demo.py third_party/LLaMA-Factory/src/train_bash.py third_party/LLaMA-Factory/src/train_web.py third_party/LLaMA-Factory/src/llmtuner/api/__init__.py third_party/LLaMA-Factory/src/llmtuner/api/app.py third_party/LLaMA-Factory/src/llmtuner/api/protocol.py third_party/LLaMA-Factory/src/llmtuner/data/template.py third_party/LLaMA-Factory/src/llmtuner/data/__init__.py third_party/LLaMA-Factory/src/llmtuner/data/aligner.py third_party/LLaMA-Factory/src/llmtuner/data/parser.py third_party/LLaMA-Factory/src/llmtuner/data/formatter.py third_party/LLaMA-Factory/src/llmtuner/data/loader.py third_party/LLaMA-Factory/src/llmtuner/data/utils.py third_party/LLaMA-Factory/src/llmtuner/data/preprocess.py third_party/LLaMA-Factory/src/llmtuner/model/__init__.py third_party/LLaMA-Factory/src/llmtuner/model/adapter.py third_party/LLaMA-Factory/src/llmtuner/model/patcher.py third_party/LLaMA-Factory/src/llmtuner/model/loader.py third_party/LLaMA-Factory/src/llmtuner/model/utils.py third_party/LLaMA-Factory/src/llmtuner/__init__.py third_party/LLaMA-Factory/src/llmtuner/extras/__init__.py third_party/LLaMA-Factory/src/llmtuner/extras/misc.py third_party/LLaMA-Factory/src/llmtuner/extras/constants.py third_party/LLaMA-Factory/src/llmtuner/extras/packages.py third_party/LLaMA-Factory/src/llmtuner/extras/ploting.py third_party/LLaMA-Factory/src/llmtuner/extras/patches/llama_patch.py third_party/LLaMA-Factory/src/llmtuner/extras/patches/__init__.py third_party/LLaMA-Factory/src/llmtuner/extras/patches/mixtral_patch.py third_party/LLaMA-Factory/src/llmtuner/extras/logging.py third_party/LLaMA-Factory/src/llmtuner/extras/callbacks.py third_party/LLaMA-Factory/src/llmtuner/hparams/data_args.py third_party/LLaMA-Factory/src/llmtuner/hparams/generating_args.py third_party/LLaMA-Factory/src/llmtuner/hparams/evaluation_args.py third_party/LLaMA-Factory/src/llmtuner/hparams/__init__.py third_party/LLaMA-Factory/src/llmtuner/hparams/model_args.py third_party/LLaMA-Factory/src/llmtuner/hparams/parser.py third_party/LLaMA-Factory/src/llmtuner/hparams/finetuning_args.py third_party/LLaMA-Factory/src/llmtuner/eval/template.py third_party/LLaMA-Factory/src/llmtuner/eval/evaluator.py third_party/LLaMA-Factory/src/llmtuner/eval/__init__.py third_party/LLaMA-Factory/src/llmtuner/webui/manager.py third_party/LLaMA-Factory/src/llmtuner/webui/locales.py third_party/LLaMA-Factory/src/llmtuner/webui/components/infer.py third_party/LLaMA-Factory/src/llmtuner/webui/components/__init__.py third_party/LLaMA-Factory/src/llmtuner/webui/components/train.py third_party/LLaMA-Factory/src/llmtuner/webui/components/data.py third_party/LLaMA-Factory/src/llmtuner/webui/components/export.py third_party/LLaMA-Factory/src/llmtuner/webui/components/chatbot.py third_party/LLaMA-Factory/src/llmtuner/webui/components/top.py third_party/LLaMA-Factory/src/llmtuner/webui/components/eval.py third_party/LLaMA-Factory/src/llmtuner/webui/__init__.py third_party/LLaMA-Factory/src/llmtuner/webui/interface.py third_party/LLaMA-Factory/src/llmtuner/webui/chatter.py third_party/LLaMA-Factory/src/llmtuner/webui/css.py third_party/LLaMA-Factory/src/llmtuner/webui/engine.py third_party/LLaMA-Factory/src/llmtuner/webui/runner.py third_party/LLaMA-Factory/src/llmtuner/webui/utils.py third_party/LLaMA-Factory/src/llmtuner/webui/common.py third_party/LLaMA-Factory/src/llmtuner/train/sft/workflow.py third_party/LLaMA-Factory/src/llmtuner/train/sft/metric.py third_party/LLaMA-Factory/src/llmtuner/train/sft/__init__.py third_party/LLaMA-Factory/src/llmtuner/train/sft/trainer.py third_party/LLaMA-Factory/src/llmtuner/train/__init__.py third_party/LLaMA-Factory/src/llmtuner/train/pt/workflow.py third_party/LLaMA-Factory/src/llmtuner/train/pt/__init__.py third_party/LLaMA-Factory/src/llmtuner/train/dpo/workflow.py third_party/LLaMA-Factory/src/llmtuner/train/dpo/__init__.py third_party/LLaMA-Factory/src/llmtuner/train/dpo/trainer.py third_party/LLaMA-Factory/src/llmtuner/train/dpo/collator.py third_party/LLaMA-Factory/src/llmtuner/train/tuner.py third_party/LLaMA-Factory/src/llmtuner/train/utils.py third_party/LLaMA-Factory/src/llmtuner/train/ppo/workflow.py third_party/LLaMA-Factory/src/llmtuner/train/ppo/__init__.py third_party/LLaMA-Factory/src/llmtuner/train/ppo/trainer.py third_party/LLaMA-Factory/src/llmtuner/train/ppo/utils.py third_party/LLaMA-Factory/src/llmtuner/train/rm/workflow.py third_party/LLaMA-Factory/src/llmtuner/train/rm/metric.py third_party/LLaMA-Factory/src/llmtuner/train/rm/__init__.py third_party/LLaMA-Factory/src/llmtuner/train/rm/trainer.py third_party/LLaMA-Factory/src/llmtuner/train/rm/collator.py third_party/LLaMA-Factory/src/llmtuner/chat/vllm_engine.py third_party/LLaMA-Factory/src/llmtuner/chat/__init__.py third_party/LLaMA-Factory/src/llmtuner/chat/chat_model.py third_party/LLaMA-Factory/src/llmtuner/chat/base_engine.py third_party/LLaMA-Factory/src/llmtuner/chat/hf_engine.py third_party/LLaMA-Factory/src/export_model.py third_party/LLaMA-Factory/tests/test_throughput.py third_party/LLaMA-Factory/tests/test_toolcall.py third_party/LLaMA-Factory/requirements.txt third_party/LLaMA-Factory/assets/benchmark.svg third_party/LLaMA-Factory/pyproject.toml third_party/LLaMA-Factory/evaluation/mmlu/mmlu.py third_party/LLaMA-Factory/evaluation/mmlu/mapping.json third_party/LLaMA-Factory/evaluation/ceval/ceval.py third_party/LLaMA-Factory/evaluation/ceval/mapping.json third_party/LLaMA-Factory/evaluation/cmmlu/cmmlu.py third_party/LLaMA-Factory/evaluation/cmmlu/mapping.json third_party/LLaMA-Factory/setup.py third_party/FActScore/factscore/atomic_facts.py third_party/FActScore/factscore/lm.py third_party/FActScore/factscore/retrieval.py third_party/FActScore/factscore/__init__.py third_party/FActScore/factscore/download_data.py third_party/FActScore/factscore/npm.py third_party/FActScore/factscore/openai_lm.py third_party/FActScore/factscore/clm.py third_party/FActScore/factscore/abstain_detection.py third_party/FActScore/factscore/utils.py third_party/FActScore/factscore/factscorer.py third_party/FActScore/roberta_stopwords.txt third_party/FActScore/README.md third_party/FActScore/requirements.txt third_party/FActScore/pyproject.toml third_party/FActScore/preprocessing/preprocess_acl.py - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - Too long lines (1000+ characters) 5 files: examples/StruXGPT/README.md third_party/AttrScore/README.md third_party/LLaMA-Factory/README.md third_party/LLaMA-Factory/README_zh.md src/templates/pure_struct_v1/struct_template_fewshot_instruction.md - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - Hidden files and folders path like ".*/[.][a-zA-Z0-9_]+.*" 1 files: .gitignore - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - Git history path like ".*/git[-]history[.]txt" 1 files: git-history.txt - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -