索引 A | B | C | D | E | F | G | H | I | K | L | M | O | P | Q | R | S | T | U | V | W A adapter_params() (torchtune.modules.peft.AdapterModule method) (torchtune.modules.peft.DoRALinear method) (torchtune.modules.peft.LoRALinear method) AdapterModule (class in torchtune.modules.peft) alpaca_cleaned_dataset() (in module torchtune.datasets) alpaca_dataset() (in module torchtune.datasets) AlpacaToMessages (class in torchtune.data) apply_selective_activation_checkpointing() (in module torchtune.training) B BaseTokenizer (class in torchtune.modules.tokenizers) batch_to_device() (in module torchtune.utils) build_checkpoint_filenames() (torchtune.training.FormattedCheckpointFiles method) C caches_are_enabled() (torchtune.modules.model_fusion.DeepFusionModel method) (torchtune.modules.model_fusion.FusionLayer method) (torchtune.modules.TransformerCrossAttentionLayer method) (torchtune.modules.TransformerDecoder method) (torchtune.modules.TransformerSelfAttentionLayer method) caches_are_setup() (torchtune.modules.model_fusion.DeepFusionModel method) (torchtune.modules.model_fusion.FusionLayer method) (torchtune.modules.TransformerCrossAttentionLayer method) (torchtune.modules.TransformerDecoder method) (torchtune.modules.TransformerSelfAttentionLayer method) CEWithChunkedOutputLoss (class in torchtune.modules.loss) chat_dataset() (in module torchtune.datasets) ChatMLTemplate (class in torchtune.data) ChosenRejectedToMessages (class in torchtune.data) chunked_output() (torchtune.modules.TransformerDecoder method) clip_vision_encoder() (in module torchtune.models.clip) close() (torchtune.training.metric_logging.CometLogger method) (torchtune.training.metric_logging.DiskLogger method) (torchtune.training.metric_logging.StdoutLogger method) (torchtune.training.metric_logging.TensorBoardLogger method) (torchtune.training.metric_logging.WandBLogger method) cnn_dailymail_articles_dataset() (in module torchtune.datasets) code_llama2_13b() (in module torchtune.models.code_llama2) code_llama2_70b() (in module torchtune.models.code_llama2) code_llama2_7b() (in module torchtune.models.code_llama2) CometLogger (class in torchtune.training.metric_logging) compute_cross_entropy() (torchtune.modules.loss.CEWithChunkedOutputLoss method) ConcatDataset (class in torchtune.datasets) contains_media (torchtune.data.Message property) create_optim_in_bwd_wrapper() (in module torchtune.training) D decode() (torchtune.models.llama3_2_vision.Llama3VisionTransform method) (torchtune.modules.tokenizers.BaseTokenizer method) (torchtune.modules.tokenizers.SentencePieceBaseTokenizer method) (torchtune.modules.tokenizers.TikTokenBaseTokenizer method) DeepFusionModel (class in torchtune.modules.model_fusion) delete_kv_caches() (in module torchtune.modules.common_utils) disable_adapter() (in module torchtune.modules.peft) disable_kv_cache() (in module torchtune.modules.common_utils) DiskLogger (class in torchtune.training.metric_logging) DoRALinear (class in torchtune.modules.peft) DPOLoss (class in torchtune.rlhf.loss) E encode() (torchtune.modules.tokenizers.BaseTokenizer method) (torchtune.modules.tokenizers.SentencePieceBaseTokenizer method) (torchtune.modules.tokenizers.TikTokenBaseTokenizer method) estimate_advantages() (in module torchtune.rlhf) F FeedForward (class in torchtune.modules) format_content_with_images() (in module torchtune.data) FormattedCheckpointFiles (class in torchtune.training) forward() (torchtune.models.clip.TiledTokenPositionalEmbedding method) (torchtune.models.clip.TilePositionalEmbedding method) (torchtune.models.clip.TokenPositionalEmbedding method) (torchtune.models.llama3_2_vision.Llama3VisionEncoder method) (torchtune.models.llama3_2_vision.Llama3VisionProjectionHead method) (torchtune.modules.FeedForward method) (torchtune.modules.Fp32LayerNorm method) (torchtune.modules.LayerDropout method) (torchtune.modules.loss.CEWithChunkedOutputLoss method) (torchtune.modules.loss.ForwardKLLoss method) (torchtune.modules.loss.ForwardKLWithChunkedOutputLoss method) (torchtune.modules.model_fusion.DeepFusionModel method) (torchtune.modules.model_fusion.FusionEmbedding method) (torchtune.modules.model_fusion.FusionLayer method) (torchtune.modules.MultiHeadAttention method) (torchtune.modules.peft.DoRALinear method) (torchtune.modules.peft.LoRALinear method) (torchtune.modules.RMSNorm method) (torchtune.modules.RotaryPositionalEmbeddings method) (torchtune.modules.TanhGate method) (torchtune.modules.TransformerCrossAttentionLayer method) (torchtune.modules.TransformerDecoder method) (torchtune.modules.TransformerSelfAttentionLayer method) (torchtune.modules.VisionTransformer method) (torchtune.rlhf.loss.DPOLoss method) (torchtune.rlhf.loss.PPOLoss method) (torchtune.rlhf.loss.RSOLoss method) ForwardKLLoss (class in torchtune.modules.loss) ForwardKLWithChunkedOutputLoss (class in torchtune.modules.loss) Fp32LayerNorm (class in torchtune.modules) from_dict() (torchtune.data.Message class method) FullModelHFCheckpointer (class in torchtune.training) FullModelMetaCheckpointer (class in torchtune.training) FullModelTorchTuneCheckpointer (class in torchtune.training) fusion_params() (torchtune.modules.model_fusion.FusionEmbedding method) (torchtune.modules.model_fusion.FusionLayer method) FusionEmbedding (class in torchtune.modules.model_fusion) FusionLayer (class in torchtune.modules.model_fusion) G gather_cpu_state_dict() (in module torchtune.training) gemma() (in module torchtune.models.gemma) gemma2() (in module torchtune.models.gemma2) gemma2_27b() (in module torchtune.models.gemma2) gemma2_2b() (in module torchtune.models.gemma2) gemma2_9b() (in module torchtune.models.gemma2) gemma_2b() (in module torchtune.models.gemma) gemma_7b() (in module torchtune.models.gemma) gemma_tokenizer() (in module torchtune.models.gemma) generate() (in module torchtune.generation) generate_next_token() (in module torchtune.generation) get_adapter_params() (in module torchtune.modules.peft) get_adapter_state_dict() (in module torchtune.modules.peft) get_causal_mask_from_padding_mask() (in module torchtune.generation) get_cosine_schedule_with_warmup() (in module torchtune.training) get_device() (in module torchtune.utils) get_dtype() (in module torchtune.training) get_fusion_params() (in module torchtune.modules.model_fusion) get_last_lr() (torchtune.training.OptimizerInBackwardWrapper method) get_logger() (in module torchtune.utils) get_lr() (in module torchtune.training) get_media() (torchtune.data.Message method) get_memory_stats() (in module torchtune.training) get_optim_key() (torchtune.training.OptimizerInBackwardWrapper method) get_position_ids_from_padding_mask() (in module torchtune.generation) get_quantizer_mode() (in module torchtune.training) get_rewards_ppo() (in module torchtune.rlhf) get_unmasked_sequence_lengths() (in module torchtune.training) get_world_size_and_rank() (in module torchtune.training) grammar_dataset() (in module torchtune.datasets) GrammarErrorCorrectionTemplate (in module torchtune.data) H hh_rlhf_helpful_dataset() (in module torchtune.datasets) 我 init_distributed() (in module torchtune.training) initialize_dora_magnitude() (torchtune.modules.peft.DoRALinear method) InputOutputToMessages (class in torchtune.data) instantiate() (in module torchtune.config) instruct_dataset() (in module torchtune.datasets) is_distributed() (in module torchtune.training) K KVCache (class in torchtune.modules) L LayerDropout (class in torchtune.modules) left_pad_sequence() (in module torchtune.data) llama2() (in module torchtune.models.llama2) llama2_13b() (in module torchtune.models.llama2) llama2_70b() (in module torchtune.models.llama2) llama2_7b() (in module torchtune.models.llama2) llama2_reward_7b() (in module torchtune.models.llama2) llama2_tokenizer() (in module torchtune.models.llama2) Llama2ChatTemplate (class in torchtune.models.llama2) llama3() (in module torchtune.models.llama3) llama3_1() (in module torchtune.models.llama3_1) llama3_1_405b() (in module torchtune.models.llama3_1) llama3_1_70b() (in module torchtune.models.llama3_1) llama3_1_8b() (in module torchtune.models.llama3_1) llama3_2_1b() (in module torchtune.models.llama3_2) llama3_2_3b() (in module torchtune.models.llama3_2) llama3_2_vision_11b() (in module torchtune.models.llama3_2_vision) llama3_2_vision_decoder() (in module torchtune.models.llama3_2_vision) llama3_2_vision_encoder() (in module torchtune.models.llama3_2_vision) llama3_2_vision_transform() (in module torchtune.models.llama3_2_vision) llama3_3_70b() (in module torchtune.models.llama3_3) llama3_70b() (in module torchtune.models.llama3) llama3_8b() (in module torchtune.models.llama3) llama3_tokenizer() (in module torchtune.models.llama3) Llama3VisionEncoder (class in torchtune.models.llama3_2_vision) Llama3VisionProjectionHead (class in torchtune.models.llama3_2_vision) Llama3VisionTransform (class in torchtune.models.llama3_2_vision) llava_instruct_dataset() (in module torchtune.datasets.multimodal) load_checkpoint() (torchtune.training.FullModelHFCheckpointer method) (torchtune.training.FullModelMetaCheckpointer method) (torchtune.training.FullModelTorchTuneCheckpointer method) load_image() (in module torchtune.data) load_state_dict() (torchtune.training.OptimizerInBackwardWrapper method) local_kv_cache() (in module torchtune.modules.common_utils) log() (torchtune.training.metric_logging.CometLogger method) (torchtune.training.metric_logging.DiskLogger method) (torchtune.training.metric_logging.StdoutLogger method) (torchtune.training.metric_logging.TensorBoardLogger method) (torchtune.training.metric_logging.WandBLogger method) log_config() (in module torchtune.config) (torchtune.training.metric_logging.CometLogger method) (torchtune.training.metric_logging.WandBLogger method) log_dict() (torchtune.training.metric_logging.CometLogger method) (torchtune.training.metric_logging.DiskLogger method) (torchtune.training.metric_logging.StdoutLogger method) (torchtune.training.metric_logging.TensorBoardLogger method) (torchtune.training.metric_logging.WandBLogger method) log_memory_stats() (in module torchtune.training) lora_code_llama2_13b() (in module torchtune.models.code_llama2) lora_code_llama2_70b() (in module torchtune.models.code_llama2) lora_code_llama2_7b() (in module torchtune.models.code_llama2) lora_gemma() (in module torchtune.models.gemma) lora_gemma2() (in module torchtune.models.gemma2) lora_gemma2_27b() (in module torchtune.models.gemma2) lora_gemma2_2b() (in module torchtune.models.gemma2) lora_gemma2_9b() (in module torchtune.models.gemma2) lora_gemma_2b() (in module torchtune.models.gemma) lora_gemma_7b() (in module torchtune.models.gemma) lora_llama2() (in module torchtune.models.llama2) lora_llama2_13b() (in module torchtune.models.llama2) lora_llama2_70b() (in module torchtune.models.llama2) lora_llama2_7b() (in module torchtune.models.llama2) lora_llama2_reward_7b() (in module torchtune.models.llama2) lora_llama3() (in module torchtune.models.llama3) lora_llama3_1() (in module torchtune.models.llama3_1) lora_llama3_1_405b() (in module torchtune.models.llama3_1) lora_llama3_1_70b() (in module torchtune.models.llama3_1) lora_llama3_1_8b() (in module torchtune.models.llama3_1) lora_llama3_2_1b() (in module torchtune.models.llama3_2) lora_llama3_2_3b() (in module torchtune.models.llama3_2) lora_llama3_2_vision_11b() (in module torchtune.models.llama3_2_vision) lora_llama3_2_vision_decoder() (in module torchtune.models.llama3_2_vision) lora_llama3_2_vision_encoder() (in module torchtune.models.llama3_2_vision) lora_llama3_3_70b() (in module torchtune.models.llama3_3) lora_llama3_70b() (in module torchtune.models.llama3) lora_llama3_8b() (in module torchtune.models.llama3) lora_mistral() (in module torchtune.models.mistral) lora_mistral_7b() (in module torchtune.models.mistral) lora_mistral_classifier() (in module torchtune.models.mistral) lora_mistral_reward_7b() (in module torchtune.models.mistral) lora_phi3() (in module torchtune.models.phi3) lora_phi3_mini() (in module torchtune.models.phi3) lora_qwen2() (in module torchtune.models.qwen2) lora_qwen2_0_5b() (in module torchtune.models.qwen2) lora_qwen2_1_5b() (in module torchtune.models.qwen2) lora_qwen2_5_0_5b() (in module torchtune.models.qwen2_5) lora_qwen2_5_14b_base() (in module torchtune.models.qwen2_5) lora_qwen2_5_14b_instruct() (in module torchtune.models.qwen2_5) lora_qwen2_5_1_5b_base() (in module torchtune.models.qwen2_5) lora_qwen2_5_1_5b_instruct() (in module torchtune.models.qwen2_5) lora_qwen2_5_32b_base() (in module torchtune.models.qwen2_5) lora_qwen2_5_32b_instruct() (in module torchtune.models.qwen2_5) lora_qwen2_5_3b() (in module torchtune.models.qwen2_5) lora_qwen2_5_72b_base() (in module torchtune.models.qwen2_5) lora_qwen2_5_72b_instruct() (in module torchtune.models.qwen2_5) lora_qwen2_5_7b_base() (in module torchtune.models.qwen2_5) lora_qwen2_5_7b_instruct() (in module torchtune.models.qwen2_5) lora_qwen2_7b() (in module torchtune.models.qwen2) LoRALinear (class in torchtune.modules.peft) M Message (class in torchtune.data) mistral() (in module torchtune.models.mistral) mistral_7b() (in module torchtune.models.mistral) mistral_classifier() (in module torchtune.models.mistral) mistral_reward_7b() (in module torchtune.models.mistral) mistral_tokenizer() (in module torchtune.models.mistral) MistralChatTemplate (class in torchtune.models.mistral) ModelTokenizer (class in torchtune.modules.tokenizers) ModelType (class in torchtune.training) MultiHeadAttention (class in torchtune.modules) O OpenAIToMessages (class in torchtune.data) OptimizerInBackwardWrapper (class in torchtune.training) P PackedDataset (class in torchtune.datasets) padded_collate() (in module torchtune.data) padded_collate_dpo() (in module torchtune.data) padded_collate_sft() (in module torchtune.data) padded_collate_tiled_images_and_mask() (in module torchtune.data) parse() (in module torchtune.config) parse_hf_tokenizer_json() (in module torchtune.modules.tokenizers) phi3() (in module torchtune.models.phi3) phi3_mini() (in module torchtune.models.phi3) phi3_mini_tokenizer() (in module torchtune.models.phi3) PPOLoss (class in torchtune.rlhf.loss) preference_dataset() (in module torchtune.datasets) PreferenceDataset (class in torchtune.datasets) prepare_layer_dropout() (in module torchtune.modules) PromptTemplate (class in torchtune.data) PromptTemplateInterface (class in torchtune.data) Q qlora_code_llama2_13b() (in module torchtune.models.code_llama2) qlora_code_llama2_70b() (in module torchtune.models.code_llama2) qlora_code_llama2_7b() (in module torchtune.models.code_llama2) qlora_gemma2_27b() (in module torchtune.models.gemma2) qlora_gemma2_2b() (in module torchtune.models.gemma2) qlora_gemma2_9b() (in module torchtune.models.gemma2) qlora_gemma_2b() (in module torchtune.models.gemma) qlora_gemma_7b() (in module torchtune.models.gemma) qlora_llama2_13b() (in module torchtune.models.llama2) qlora_llama2_70b() (in module torchtune.models.llama2) qlora_llama2_7b() (in module torchtune.models.llama2) qlora_llama2_reward_7b() (in module torchtune.models.llama2) qlora_llama3_1_405b() (in module torchtune.models.llama3_1) qlora_llama3_1_70b() (in module torchtune.models.llama3_1) qlora_llama3_1_8b() (in module torchtune.models.llama3_1) qlora_llama3_2_1b() (in module torchtune.models.llama3_2) qlora_llama3_2_3b() (in module torchtune.models.llama3_2) qlora_llama3_2_vision_11b() (in module torchtune.models.llama3_2_vision) qlora_llama3_3_70b() (in module torchtune.models.llama3_3) qlora_llama3_70b() (in module torchtune.models.llama3) qlora_llama3_8b() (in module torchtune.models.llama3) qlora_mistral_7b() (in module torchtune.models.mistral) qlora_mistral_reward_7b() (in module torchtune.models.mistral) qlora_phi3_mini() (in module torchtune.models.phi3) QuestionAnswerTemplate (in module torchtune.data) qwen2() (in module torchtune.models.qwen2) qwen2_0_5b() (in module torchtune.models.qwen2) qwen2_1_5b() (in module torchtune.models.qwen2) qwen2_5_0_5b() (in module torchtune.models.qwen2_5) qwen2_5_14b_base() (in module torchtune.models.qwen2_5) qwen2_5_14b_instruct() (in module torchtune.models.qwen2_5) qwen2_5_1_5b_base() (in module torchtune.models.qwen2_5) qwen2_5_1_5b_instruct() (in module torchtune.models.qwen2_5) qwen2_5_32b_base() (in module torchtune.models.qwen2_5) qwen2_5_32b_instruct() (in module torchtune.models.qwen2_5) qwen2_5_3b() (in module torchtune.models.qwen2_5) qwen2_5_72b_base() (in module torchtune.models.qwen2_5) qwen2_5_72b_instruct() (in module torchtune.models.qwen2_5) qwen2_5_7b_base() (in module torchtune.models.qwen2_5) qwen2_5_7b_instruct() (in module torchtune.models.qwen2_5) qwen2_5_tokenizer() (in module torchtune.models.qwen2_5) qwen2_7b() (in module torchtune.models.qwen2) qwen2_tokenizer() (in module torchtune.models.qwen2) R register_fusion_module() (in module torchtune.modules.model_fusion) register_optim_in_bwd_hooks() (in module torchtune.training) reparametrize_as_dtype_state_dict_post_hook() (in module torchtune.modules.common_utils) reset() (torchtune.modules.KVCache method) reset_cache() (torchtune.modules.model_fusion.FusionLayer method) (torchtune.modules.MultiHeadAttention method) (torchtune.modules.TransformerCrossAttentionLayer method) (torchtune.modules.TransformerSelfAttentionLayer method) reset_caches() (torchtune.modules.model_fusion.DeepFusionModel method) (torchtune.modules.TransformerDecoder method) RMSNorm (class in torchtune.modules) Role (in module torchtune.data) RotaryPositionalEmbeddings (class in torchtune.modules) RSOLoss (class in torchtune.rlhf.loss) S sample() (in module torchtune.generation) samsum_dataset() (in module torchtune.datasets) save_checkpoint() (torchtune.training.FullModelHFCheckpointer method) (torchtune.training.FullModelMetaCheckpointer method) (torchtune.training.FullModelTorchTuneCheckpointer method) SentencePieceBaseTokenizer (class in torchtune.modules.tokenizers) set_activation_checkpointing() (in module torchtune.training) set_default_dtype() (in module torchtune.training) set_lr_scheduler() (torchtune.training.OptimizerInBackwardWrapper method) set_num_output_chunks() (torchtune.modules.model_fusion.DeepFusionModel method) (torchtune.modules.TransformerDecoder method) set_seed() (in module torchtune.training) set_trainable_params() (in module torchtune.modules.peft) setup_cache() (torchtune.modules.MultiHeadAttention method) setup_caches() (torchtune.modules.model_fusion.DeepFusionModel method) (torchtune.modules.model_fusion.FusionLayer method) (torchtune.modules.TransformerCrossAttentionLayer method) (torchtune.modules.TransformerDecoder method) (torchtune.modules.TransformerSelfAttentionLayer method) setup_torch_profiler() (in module torchtune.training) SFTDataset (class in torchtune.datasets) ShareGPTToMessages (class in torchtune.data) SimPOLoss (in module torchtune.rlhf.loss) slimorca_dataset() (in module torchtune.datasets) stack_exchange_paired_dataset() (in module torchtune.datasets) state_dict() (torchtune.training.OptimizerInBackwardWrapper method) StdoutLogger (class in torchtune.training.metric_logging) step_lr_scheduler() (torchtune.training.OptimizerInBackwardWrapper method) SummarizeTemplate (in module torchtune.data) T TanhGate (class in torchtune.modules) TensorBoardLogger (class in torchtune.training.metric_logging) text_completion_dataset() (in module torchtune.datasets) text_content (torchtune.data.Message property) TextCompletionDataset (class in torchtune.datasets) the_cauldron_dataset() (in module torchtune.datasets.multimodal) TiedLinear (class in torchtune.modules) TikTokenBaseTokenizer (class in torchtune.modules.tokenizers) TiledTokenPositionalEmbedding (class in torchtune.models.clip) TilePositionalEmbedding (class in torchtune.models.clip) to_empty() (torchtune.modules.peft.DoRALinear method) (torchtune.modules.peft.LoRALinear method) tokenize_message() (torchtune.models.llama3_2_vision.Llama3VisionTransform method) tokenize_messages() (torchtune.models.llama3_2_vision.Llama3VisionTransform method) (torchtune.modules.tokenizers.ModelTokenizer method) tokenize_messages_no_special_tokens() (in module torchtune.modules.tokenizers) TokenPositionalEmbedding (class in torchtune.models.clip) torch_version_ge() (in module torchtune.utils) Transform (class in torchtune.modules.transforms) TransformerCrossAttentionLayer (class in torchtune.modules) TransformerDecoder (class in torchtune.modules) TransformerSelfAttentionLayer (class in torchtune.modules) truncate() (in module torchtune.data) truncate_sequence_at_first_stop_token() (in module torchtune.rlhf) U update() (torchtune.modules.KVCache method) update_state_dict_for_classifier() (in module torchtune.training) V validate() (in module torchtune.config) validate_expected_param_dtype() (in module torchtune.training) validate_messages() (in module torchtune.data) validate_missing_and_unexpected_for_lora() (in module torchtune.modules.peft) VisionCrossAttentionMask (class in torchtune.modules.transforms) VisionTransformer (class in torchtune.modules) vqa_dataset() (in module torchtune.datasets.multimodal) W WandBLogger (class in torchtune.training.metric_logging) wikitext_dataset() (in module torchtune.datasets)