Index _ | A | B | C | D | E | F | G | H | I | J | K | L | M | N | O | P | Q | R | S | T | U | V | W | X | Y _ __call__() (nemo.core.classes.common.typecheck method) (nemo_curator.Filter method) (nemo_curator.Score method) (nemo_curator.ScoreFilter method) __init__() (nemo.collections.common.losses.AggregatorLoss method) (nemo.collections.common.losses.CrossEntropyLoss method) (nemo.collections.common.losses.MSELoss method) (nemo.collections.common.losses.SmoothedCrossEntropyLoss method) (nemo.collections.common.losses.SpanningLoss method) (nemo.collections.common.tokenizers.AutoTokenizer method) (nemo.collections.common.tokenizers.SentencePieceTokenizer method) (nemo.collections.common.tokenizers.TokenizerSpec method) (nemo.collections.multimodal.models.text_to_image.controlnet.controlnet.MegatronControlNet method) (nemo.collections.multimodal.models.text_to_image.dreambooth.dreambooth.MegatronDreamBooth method) (nemo.collections.multimodal.models.text_to_image.imagen.imagen.MegatronImagen method) (nemo.collections.multimodal.models.text_to_image.stable_diffusion.ldm.autoencoder.AutoencoderKL method) (nemo.collections.multimodal.models.text_to_image.stable_diffusion.ldm.ddpm.MegatronLatentDiffusion method) (nemo.collections.multimodal.modules.imagen.encoder.t5encoder.T5Encoder method) (nemo.collections.multimodal.modules.stable_diffusion.encoders.modules.FrozenMegatronCLIPEmbedder method) (nemo.collections.nlp.models.language_modeling.megatron_base_model.MegatronBaseModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_adapter_model.MegatronGPTAdapterLearningModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_adapter_model.MegatronGPTInfusedAdapterModel method) (nemo.collections.nlp.models.language_modeling.megatron_t5_adapter_model.MegatronT5AdapterLearningModel method) (nemo.collections.nlp.models.language_modeling.megatron_t5_adapter_model.MegatronT5InfusedAdapterModel method) (nemo_curator.Filter method) (nemo_curator.Score method) (nemo_curator.ScoreFilter method) A access_cfg (nemo.core.classes.mixins.access_mixins.AccessMixin property) AccessMixin (class in nemo.core.classes.mixins.access_mixins) adapter_global_cfg_key (nemo.core.adapter_mixins.AdapterModuleMixin attribute) adapter_metadata_cfg_key (nemo.core.adapter_mixins.AdapterModuleMixin attribute) adapter_module_names (nemo.core.adapter_mixins.AdapterModelPTMixin property) AdapterModelPTMixin (class in nemo.core.adapter_mixins) AdapterModuleMixin (class in nemo.core.adapter_mixins) add_adapter() (nemo.collections.asr.modules.ConvASRDecoder method) (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.RNNTJoint method) (nemo.collections.nlp.parts.mixins.nlp_adapter_mixins.NLPAdapterModelMixin method) (nemo.core.adapter_mixins.AdapterModelPTMixin method) (nemo.core.adapter_mixins.AdapterModuleMixin method) add_interctc_losses() (nemo.collections.asr.parts.mixins.interctc_mixin.InterCTCMixin method) AddId (class in nemo_curator) AegisClassifier (class in nemo_curator.classifiers) AggregatorLoss (class in nemo.collections.common.losses) align_length_sync_decoding() (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer method) AlignerModel (class in nemo.collections.tts.models) AlphaFilter (class in nemo_curator.filters) ANLI (class in nemo_curator.tasks) ArcChallenge (class in nemo_curator.tasks) ArcEasy (class in nemo_curator.tasks) as_frozen() (nemo.core.NeuralModule method) ASRBPEMixin (class in nemo.collections.asr.parts.mixins.mixins) ASRModuleMixin (class in nemo.collections.asr.parts.mixins.mixins) AsyncLLMClient (class in nemo_curator) AsyncNemotronGenerator (class in nemo_curator.synthetic) AsyncOpenAIClient (class in nemo_curator) AudioCodecModel (class in nemo.collections.tts.models) AudioToBPEDataset (class in nemo.collections.asr.data.audio_to_text) AudioToCharDataset (class in nemo.collections.asr.data.audio_to_text) AudioToMelSpectrogramPreprocessor (class in nemo.collections.asr.modules) AudioToMFCCPreprocessor (class in nemo.collections.asr.modules) autocast (nemo_curator.classifiers.DomainClassifier attribute) (nemo_curator.classifiers.QualityClassifier attribute) AutoencoderKL (class in nemo.collections.multimodal.models.text_to_image.stable_diffusion.ldm.autoencoder) AutoTokenizer (class in nemo.collections.common.tokenizers) AxisType (class in nemo.core.neural_types.axes) B BasePromptLearningDataset (class in nemo.collections.nlp.data.language_modeling.megatron.base_prompt_learning_dataset) batch_concat_states() (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.StatelessTransducerDecoder method) batch_copy_states() (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.StatelessTransducerDecoder method) batch_initialize_states() (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.StatelessTransducerDecoder method) batch_replace_states_all() (nemo.collections.asr.modules.RNNTDecoder class method) (nemo.collections.asr.modules.StatelessTransducerDecoder class method) batch_replace_states_mask() (nemo.collections.asr.modules.RNNTDecoder class method) (nemo.collections.asr.modules.StatelessTransducerDecoder class method) batch_score_hypothesis() (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.StatelessTransducerDecoder method) batch_select_state() (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.StatelessTransducerDecoder method) batch_size (nemo_curator.classifiers.DomainClassifier attribute) (nemo_curator.classifiers.QualityClassifier attribute) batch_split_states() (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.StatelessTransducerDecoder method) batched() (in module nemo_curator.utils.decorators) BeamCTCInfer (class in nemo.collections.asr.parts.submodules.ctc_beam_decoding) BeamRNNTInfer (class in nemo.collections.asr.parts.submodules.rnnt_beam_decoding) BertDataset (class in nemo.collections.nlp.data.language_modeling.megatron.bert_dataset) BigBenchHard (class in nemo_curator.tasks) BigBenchLight (class in nemo_curator.tasks) blend_datasets (class in nemo_curator) BlendableDataset (class in nemo.collections.nlp.data.language_modeling.megatron.blendable_dataset) BoilerPlateStringFilter (class in nemo_curator.filters) BoilerPlateStringModifier (class in nemo_curator.modifiers) BoolQ (class in nemo_curator.tasks) bucket_id_to_int() (nemo_curator.LSH method) BulletsFilter (class in nemo_curator.filters) C cache_dir (nemo_curator.SemDedupConfig attribute) CB (class in nemo_curator.tasks) cfg (nemo.core.ModelPT property) change_attention_model() (nemo.collections.asr.modules.ConformerEncoder method) (nemo.collections.asr.parts.mixins.mixins.ASRModuleMixin method) change_conv_asr_se_context_window() (nemo.collections.asr.parts.mixins.mixins.ASRModuleMixin method) change_subsampling_conv_chunking_factor() (nemo.collections.asr.modules.ConformerEncoder method) (nemo.collections.asr.parts.mixins.mixins.ASRModuleMixin method) check_supported_adapter_type_() (nemo.core.adapter_mixins.AdapterModuleMixin method) check_valid_model_with_adapter_support_() (nemo.core.adapter_mixins.AdapterModelPTMixin method) classify_math_entity() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) classify_python_entity() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) clustering_save_loc (nemo_curator.SemDedupConfig attribute) ClusteringModel (class in nemo_curator) collate_fn() (nemo.collections.asr.data.text_to_text.TextToTextDataset method) (nemo.collections.asr.data.text_to_text.TextToTextIterableDataset method) CommonEnglishWordsFilter (class in nemo_curator.filters) compare() (nemo.core.neural_types.NeuralType method) compare_and_raise_error() (nemo.core.neural_types.NeuralType method) complete() (nemo.collections.nlp.models.language_modeling.megatron_t5_model.MegatronT5Model method) compute() (nemo.collections.common.metrics.Perplexity method) compute_ngram_score() (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer method) compute_output() (nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module.MHAResidualAddAdapterStrategy method) compute_semantic_match_dfs() (nemo_curator.SemanticClusterLevelDedup method) ConcatDataset (class in nemo.collections.common.data.dataset) ConcatMapDataset (class in nemo.collections.common.data.dataset) configure_optimizers() (nemo.core.ModelPT method) conformer_stream_step() (nemo.collections.asr.parts.mixins.mixins.ASRModuleMixin method) ConformerEncoder (class in nemo.collections.asr.modules) ControlledUnetModel (class in nemo.collections.multimodal.models.text_to_image.controlnet.controlnet) ConvASRDecoder (class in nemo.collections.asr.modules) ConvASRDecoderClassification (class in nemo.collections.asr.modules) ConvASREncoder (class in nemo.collections.asr.modules) convert_mel_spectrogram_to_linear() (nemo.collections.tts.models.base.MelToSpec method) convert_response_to_yaml_list() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) convert_spectrogram_to_audio() (nemo.collections.tts.models.base.Vocoder method) (nemo.collections.tts.models.GriffinLimModel method) (nemo.collections.tts.models.HifiGanModel method) (nemo.collections.tts.models.TwoStagesModel method) (nemo.collections.tts.models.UnivNetModel method) (nemo.collections.tts.models.WaveGlowModel method) Copa (class in nemo_curator.tasks) COQA (class in nemo_curator.tasks) CropOrPadSpectrogramAugmentation (class in nemo.collections.asr.modules) CrossEntropyLoss (class in nemo.collections.common.losses) CTCBPEDecoding (class in nemo.collections.asr.parts.submodules.ctc_decoding) CTCDecoding (class in nemo.collections.asr.parts.submodules.ctc_decoding) cuda() (nemo.collections.tts.models.GriffinLimModel method) (nemo.collections.tts.models.TwoStagesModel method) (nemo.core.ModelPT method) D decode() (nemo.collections.multimodal.models.text_to_image.stable_diffusion.ldm.autoencoder.AutoencoderKL method) (nemo.collections.nlp.models.language_modeling.megatron_t5_model.MegatronT5Model method) (nemo.collections.tts.models.AudioCodecModel method) decode_audio() (nemo.collections.tts.models.AudioCodecModel method) decode_hypothesis() (nemo.collections.asr.parts.submodules.rnnt_decoding.RNNTBPEDecoding method) decode_ids_to_langs() (nemo.collections.asr.parts.submodules.rnnt_decoding.RNNTBPEDecoding method) (nemo.collections.asr.parts.submodules.rnnt_decoding.RNNTDecoding method) decode_ids_to_tokens() (nemo.collections.asr.parts.submodules.ctc_decoding.CTCBPEDecoding method) (nemo.collections.asr.parts.submodules.ctc_decoding.CTCDecoding method) (nemo.collections.asr.parts.submodules.rnnt_decoding.RNNTBPEDecoding method) (nemo.collections.asr.parts.submodules.rnnt_decoding.RNNTDecoding method) decode_tokens_to_lang() (nemo.collections.asr.parts.submodules.rnnt_decoding.RNNTBPEDecoding method) (nemo.collections.asr.parts.submodules.rnnt_decoding.RNNTDecoding method) decode_tokens_to_str() (nemo.collections.asr.parts.submodules.ctc_decoding.CTCBPEDecoding method) (nemo.collections.asr.parts.submodules.ctc_decoding.CTCDecoding method) (nemo.collections.asr.parts.submodules.rnnt_decoding.RNNTBPEDecoding method) (nemo.collections.asr.parts.submodules.rnnt_decoding.RNNTDecoding method) default_adapter_module_name (nemo.core.adapter_mixins.AdapterModelPTMixin property) default_beam_search() (nemo.collections.asr.parts.submodules.ctc_beam_decoding.BeamCTCInfer method) (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer method) dequantize() (nemo.collections.tts.models.AudioCodecModel method) device_type (nemo_curator.classifiers.DomainClassifier attribute) (nemo_curator.classifiers.QualityClassifier attribute) DiarizationMixin (class in nemo.collections.asr.parts.mixins.mixins) diarize() (nemo.collections.asr.parts.mixins.mixins.DiarizationMixin method) disable_checks() (nemo.core.classes.common.typecheck static method) disable_cuda_graphs() (nemo.collections.asr.parts.submodules.rnnt_greedy_decoding.GreedyBatchedRNNTInfer method) disable_semantic_checks() (nemo.core.classes.common.typecheck static method) disabled_deployment_input_names (nemo.collections.asr.modules.ConformerEncoder property) (nemo.collections.asr.modules.RNNTJoint property) (nemo.collections.tts.models.FastPitchModel property) (nemo.core.classes.exportable.Exportable property) disabled_deployment_output_names (nemo.collections.asr.modules.ConformerEncoder property) (nemo.core.classes.exportable.Exportable property) DocumentDataset (class in nemo_curator.datasets) DocumentFilter (class in nemo_curator.filters) DocumentModifier (class in nemo_curator.modifiers) DomainClassifier (class in nemo_curator.classifiers) DownstreamTask (class in nemo_curator.tasks) DreamBoothDataset (class in nemo.collections.multimodal.data.dreambooth.dreambooth_dataset) Drop (class in nemo_curator.tasks) E EfficientUNetModel (class in nemo.collections.multimodal.modules.imagen.diffusionmodules.nets) ElementType (class in nemo.core.neural_types.elements) EllipsisFilter (class in nemo_curator.filters) embedding_batch_size (nemo_curator.SemDedupConfig attribute) embedding_max_mem_gb (nemo_curator.SemDedupConfig attribute) embedding_model_name_or_path (nemo_curator.SemDedupConfig attribute) EmbeddingCreator (class in nemo_curator) embeddings_save_loc (nemo_curator.SemDedupConfig attribute) encode() (nemo.collections.multimodal.models.text_to_image.stable_diffusion.ldm.autoencoder.AutoencoderKL method) (nemo.collections.multimodal.modules.imagen.encoder.t5encoder.T5Encoder method) (nemo.collections.nlp.models.language_modeling.megatron_t5_model.MegatronT5Model method) (nemo.collections.tts.models.AudioCodecModel method) encode_audio() (nemo.collections.tts.models.AudioCodecModel method) eps_thresholds (nemo_curator.SemDedupConfig attribute) eps_to_extract (nemo_curator.SemDedupConfig attribute) ExactDuplicates (class in nemo_curator) exp_manager (class in nemo.utils.exp_manager) ExpManagerConfig (class in nemo.utils.exp_manager) export() (nemo.core.classes.exportable.Exportable method) Exportable (class in nemo.core.classes.exportable) extract_dedup_data() (nemo_curator.SemanticClusterLevelDedup method) extract_state_dict_from() (nemo.core.connectors.save_restore_connector.SaveRestoreConnector method) (nemo.core.ModelPT class method) F FastPitchModel (class in nemo.collections.tts.models) FastTextLabelModifier (class in nemo_curator.modifiers) FastTextLangId (class in nemo_curator.filters) FastTextQualityFilter (class in nemo_curator.filters) fields (nemo.core.neural_types.elements.ElementType property) Filter (class in nemo_curator) filter_by (nemo_curator.classifiers.DomainClassifier attribute) (nemo_curator.classifiers.QualityClassifier attribute) finalize_interctc_metrics() (nemo.collections.asr.parts.mixins.interctc_mixin.InterCTCMixin method) flashlight_beam_search() (nemo.collections.asr.parts.submodules.ctc_beam_decoding.BeamCTCInfer method) Float16Module (class in nemo.collections.nlp.modules.common.megatron.module) format_conversation() (nemo_curator.synthetic.Mixtral8x7BFormatter static method) (nemo_curator.synthetic.NemotronFormatter static method) forward() (nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module.MHAResidualAddAdapterStrategy method) (nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module.MultiHeadAttentionAdapter method) (nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module.RelPositionMultiHeadAttentionAdapter method) (nemo.collections.asr.parts.submodules.ctc_beam_decoding.BeamCTCInfer method) (nemo.collections.asr.parts.submodules.ctc_greedy_decoding.GreedyCTCInfer method) (nemo.collections.asr.parts.submodules.jasper.JasperBlock method) (nemo.collections.asr.parts.submodules.rnnt_greedy_decoding.GreedyBatchedRNNTInfer method) (nemo.collections.asr.parts.submodules.rnnt_greedy_decoding.GreedyRNNTInfer method) (nemo.collections.multimodal.models.text_to_image.controlnet.controlnet.ControlledUnetModel method) (nemo.collections.multimodal.modules.stable_diffusion.encoders.modules.FrozenMegatronCLIPEmbedder method) (nemo.collections.nlp.modules.common.megatron.retrieval_token_level_encoder_decoder.MegatronRetrievalTokenLevelEncoderDecoderModule method) (nemo.collections.nlp.modules.common.megatron.token_level_encoder_decoder.MegatronTokenLevelEncoderDecoderModule method) (nemo.collections.tts.models.AudioCodecModel method) (nemo.collections.tts.models.HifiGanModel method) (nemo.collections.tts.models.SpectrogramEnhancerModel method) (nemo.collections.tts.models.UnivNetModel method) forward_enabled_adapters() (nemo.core.adapter_mixins.AdapterModuleMixin method) forward_for_export() (nemo.collections.tts.models.HifiGanModel method) (nemo.collections.tts.models.UnivNetModel method) forward_single_enabled_adapter_() (nemo.core.adapter_mixins.AdapterModuleMixin method) forward_with_custom_noise() (nemo.collections.tts.models.SpectrogramEnhancerModel method) freeze() (nemo.core.NeuralModule method) from_pandas() (nemo_curator.datasets.DocumentDataset class method) FrozenMegatronCLIPEmbedder (class in nemo.collections.multimodal.modules.stable_diffusion.encoders.modules) full_state_update (nemo.collections.common.metrics.Perplexity attribute) FuzzyDuplicates (class in nemo_curator) FuzzyDuplicatesConfig (class in nemo_curator) G GainPerturbation (class in nemo.collections.asr.parts.preprocessing.perturb) GeneralCommentToCodeFilter (class in nemo_curator.filters) generate() (nemo.collections.nlp.models.language_modeling.megatron_gpt_adapter_model.MegatronGPTAdapterLearningModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_adapter_model.MegatronGPTInfusedAdapterModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_model.MegatronGPTModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_prompt_learning_model.MegatronGPTPromptLearningModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_sft_model.MegatronGPTSFTModel method) (nemo.collections.nlp.models.language_modeling.megatron_retrieval_model.MegatronRetrievalModel method) generate_closed_qa_instructions() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_dialogue() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_macro_topics() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_math_macro_topics() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_math_problem() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_math_subtopics() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_open_qa_from_topic() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_python_macro_topics() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_python_problem() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_python_subtopics() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_seeds() (nemo_curator.MinHash method) generate_spectrogram() (nemo.collections.tts.models.base.SpectrogramGenerator method) (nemo.collections.tts.models.FastPitchModel method) (nemo.collections.tts.models.MixerTTSModel method) (nemo.collections.tts.models.RadTTSModel method) (nemo.collections.tts.models.Tacotron2Model method) generate_subtopics() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_two_turn_prompt() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) generate_writing_tasks() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) get_accepted_adapter_types() (nemo.core.adapter_mixins.AdapterModuleMixin method) get_adapter_cfg() (nemo.core.adapter_mixins.AdapterModuleMixin method) get_adapter_module() (nemo.core.adapter_mixins.AdapterModuleMixin method) get_captured_interctc_tensors() (nemo.collections.asr.parts.mixins.interctc_mixin.InterCTCMixin method) get_client() (in module nemo_curator) get_default_strategy_config() (nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module.MultiHeadAttentionAdapter method) (nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module.PositionalEncodingAdapter method) (nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module.RelPositionalEncodingAdapter method) (nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module.RelPositionMultiHeadAttentionAdapter method) get_enabled_adapters() (nemo.core.adapter_mixins.AdapterModelPTMixin method) (nemo.core.adapter_mixins.AdapterModuleMixin method) get_export_config() (nemo.core.classes.exportable.Exportable method) get_export_subnet() (nemo.core.classes.exportable.Exportable method) get_hf_model_filter() (nemo.core.classes.mixins.hf_io_mixin.HuggingFaceFileIO class method) get_interctc_param() (nemo.collections.asr.parts.mixins.interctc_mixin.InterCTCMixin method) get_iterable() (nemo.collections.common.data.dataset.ConcatDataset method) get_module_registry() (nemo.core.classes.mixins.access_mixins.AccessMixin class method) get_network_interfaces() (in module nemo_curator) get_test_dataloader_prefix() (nemo.core.ModelPT method) get_validation_dataloader_prefix() (nemo.core.ModelPT method) GPTDataset (class in nemo.collections.nlp.data.language_modeling.megatron.gpt_dataset) GPTModel (class in nemo.collections.nlp.models.language_modeling.megatron.gpt_model) GPTSFTChatDataset (class in nemo.collections.nlp.data.language_modeling.megatron.gpt_sft_chat_dataset) GPTSFTDataset (class in nemo.collections.nlp.data.language_modeling.megatron.gpt_sft_dataset) greedy_search() (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer method) GreedyBatchedRNNTInfer (class in nemo.collections.asr.parts.submodules.rnnt_greedy_decoding) GreedyCTCInfer (class in nemo.collections.asr.parts.submodules.ctc_greedy_decoding) GreedyRNNTInfer (class in nemo.collections.asr.parts.submodules.rnnt_greedy_decoding) GriffinLimModel (class in nemo.collections.tts.models) H has_artifacts() (nemo.core.ModelPT method) has_native_or_submodules_artifacts() (nemo.core.ModelPT method) has_nemo_submodules() (nemo.core.ModelPT method) hash_documents() (nemo_curator.ExactDuplicates method) HifiGanModel (class in nemo.collections.tts.models) HTMLBoilerplateFilter (class in nemo_curator.filters) HuggingFaceFileIO (class in nemo.core.classes.mixins.hf_io_mixin) Hypothesis (class in nemo.collections.asr.parts.utils.rnnt_utils) I id_col_name (nemo_curator.SemDedupConfig attribute) id_col_type (nemo_curator.SemDedupConfig attribute) import_filter() (in module nemo_curator.filters) import_task (class in nemo_curator.tasks) ImpulsePerturbation (class in nemo.collections.asr.parts.preprocessing.perturb) initialize_state() (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.StatelessTransducerDecoder method) input_column (nemo_curator.SemDedupConfig attribute) input_example() (nemo.collections.asr.modules.AudioToMelSpectrogramPreprocessor method) (nemo.collections.asr.modules.ConformerEncoder method) (nemo.collections.asr.modules.ConvASRDecoder method) (nemo.collections.asr.modules.ConvASRDecoderClassification method) (nemo.collections.asr.modules.ConvASREncoder method) (nemo.collections.asr.modules.RNNEncoder method) (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.RNNTJoint method) (nemo.collections.asr.modules.SpeakerDecoder method) (nemo.collections.asr.modules.SqueezeformerEncoder method) (nemo.collections.asr.modules.StatelessTransducerDecoder method) (nemo.collections.tts.models.FastPitchModel method) (nemo.collections.tts.models.HifiGanModel method) (nemo.collections.tts.models.UnivNetModel method) (nemo.core.NeuralModule method) input_types (nemo.collections.asr.modules.AudioToMelSpectrogramPreprocessor property) (nemo.collections.asr.modules.AudioToMFCCPreprocessor property) (nemo.collections.asr.modules.ConformerEncoder property) (nemo.collections.asr.modules.ConvASRDecoder property) (nemo.collections.asr.modules.ConvASRDecoderClassification property) (nemo.collections.asr.modules.ConvASREncoder property) (nemo.collections.asr.modules.CropOrPadSpectrogramAugmentation property) (nemo.collections.asr.modules.RNNEncoder property) (nemo.collections.asr.modules.RNNTDecoder property) (nemo.collections.asr.modules.RNNTJoint property) (nemo.collections.asr.modules.SpeakerDecoder property) (nemo.collections.asr.modules.SpectrogramAugmentation property) (nemo.collections.asr.modules.SqueezeformerEncoder property) (nemo.collections.asr.modules.StatelessTransducerDecoder property) (nemo.collections.asr.parts.submodules.ctc_greedy_decoding.GreedyCTCInfer property) (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer property) (nemo.collections.tts.models.FastPitchModel property) (nemo.collections.tts.models.HifiGanModel property) (nemo.collections.tts.models.MixerTTSModel property) (nemo.collections.tts.models.Tacotron2Model property) (nemo.collections.tts.models.TwoStagesModel property) (nemo.collections.tts.models.UnivNetModel property) (nemo.collections.tts.models.WaveGlowModel property) input_types_for_export (nemo.collections.asr.modules.ConformerEncoder property) InterCTCMixin (class in nemo.collections.asr.parts.mixins.interctc_mixin) interpolate_speaker() (nemo.collections.tts.models.FastPitchModel method) is_adapter_available() (nemo.core.adapter_mixins.AdapterModelPTMixin method) (nemo.core.adapter_mixins.AdapterModuleMixin method) is_interctc_enabled() (nemo.collections.asr.parts.mixins.interctc_mixin.InterCTCMixin method) J JasperBlock (class in nemo.collections.asr.parts.submodules.jasper) joint_after_projection() (nemo.collections.asr.modules.RNNTJoint method) K keep_document() (nemo_curator.filters.AlphaFilter method) (nemo_curator.filters.BoilerPlateStringFilter method) (nemo_curator.filters.BulletsFilter method) (nemo_curator.filters.CommonEnglishWordsFilter method) (nemo_curator.filters.DocumentFilter method) (nemo_curator.filters.EllipsisFilter method) (nemo_curator.filters.FastTextLangId method) (nemo_curator.filters.FastTextQualityFilter method) (nemo_curator.filters.GeneralCommentToCodeFilter method) (nemo_curator.filters.HTMLBoilerplateFilter method) (nemo_curator.filters.LongWordFilter method) (nemo_curator.filters.MeanWordLengthFilter method) (nemo_curator.filters.NonAlphaNumericFilter method) (nemo_curator.filters.NumberOfLinesOfCodeFilter method) (nemo_curator.filters.NumbersFilter method) (nemo_curator.filters.ParenthesesFilter method) (nemo_curator.filters.PerExtensionFilter method) (nemo_curator.filters.PornographicUrlsFilter method) (nemo_curator.filters.PunctuationFilter method) (nemo_curator.filters.PythonCommentToCodeFilter method) (nemo_curator.filters.RepeatedLinesByCharFilter method) (nemo_curator.filters.RepeatedLinesFilter method) (nemo_curator.filters.RepeatedParagraphsByCharFilter method) (nemo_curator.filters.RepeatedParagraphsFilter method) (nemo_curator.filters.RepeatingDuplicateNGramsFilter method) (nemo_curator.filters.RepeatingTopNGramsFilter method) (nemo_curator.filters.SymbolsToWordsFilter method) (nemo_curator.filters.TokenizerFertilityFilter method) (nemo_curator.filters.UrlsFilter method) (nemo_curator.filters.WhiteSpaceFilter method) (nemo_curator.filters.WordCountFilter method) (nemo_curator.filters.WordsWithoutAlphabetsFilter method) (nemo_curator.filters.XMLHeaderFilter method) kmeans_with_cos_dist (nemo_curator.SemDedupConfig attribute) L Lambada (class in nemo_curator.tasks) largest_cluster_size_to_process (nemo_curator.SemDedupConfig attribute) list_available_models() (nemo.collections.tts.models.AlignerModel class method) (nemo.collections.tts.models.AudioCodecModel method) (nemo.collections.tts.models.base.MelToSpec class method) (nemo.collections.tts.models.base.SpectrogramGenerator class method) (nemo.collections.tts.models.base.Vocoder class method) (nemo.collections.tts.models.FastPitchModel class method) (nemo.collections.tts.models.HifiGanModel class method) (nemo.collections.tts.models.MixerTTSModel class method) (nemo.collections.tts.models.SpectrogramEnhancerModel class method) (nemo.collections.tts.models.Tacotron2Model class method) (nemo.collections.tts.models.TwoStagesModel class method) (nemo.collections.tts.models.UnivNetModel class method) (nemo.collections.tts.models.WaveGlowModel class method) list_export_subnets() (nemo.core.classes.exportable.Exportable method) LLMClient (class in nemo_curator) load_adapters() (nemo.collections.nlp.parts.mixins.nlp_adapter_mixins.NLPAdapterModelMixin method) (nemo.core.adapter_mixins.AdapterModelPTMixin method) load_config_and_state_dict() (nemo.core.connectors.save_restore_connector.SaveRestoreConnector method) load_deidentifier() (nemo_curator.modifiers.PiiModifier method) load_from_checkpoint() (nemo.core.ModelPT class method) load_instance_with_state_dict() (nemo.core.connectors.save_restore_connector.SaveRestoreConnector method) load_part_of_state_dict() (nemo.core.ModelPT method) LongWordFilter (class in nemo_curator.filters) LSH (class in nemo_curator) lsh() (nemo_curator.LSH method) M make_pad_mask() (nemo.collections.asr.modules.SqueezeformerEncoder method) mask_select_states() (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.StatelessTransducerDecoder method) max_chars (nemo_curator.classifiers.DomainClassifier attribute) (nemo_curator.classifiers.QualityClassifier attribute) max_iter (nemo_curator.SemDedupConfig attribute) max_mem_gb (nemo_curator.classifiers.DomainClassifier attribute) (nemo_curator.classifiers.QualityClassifier attribute) maybe_enable_cuda_graphs() (nemo.collections.asr.parts.submodules.rnnt_greedy_decoding.GreedyBatchedRNNTInfer method) maybe_init_from_pretrained_checkpoint() (nemo.core.ModelPT method) MeanWordLengthFilter (class in nemo_curator.filters) MegatronBARTModel (class in nemo.collections.nlp.models.language_modeling.megatron_bart_model) MegatronBaseModel (class in nemo.collections.nlp.models.language_modeling.megatron_base_model) MegatronBertModel (class in nemo.collections.nlp.models.language_modeling.megatron_bert_model) MegatronControlNet (class in nemo.collections.multimodal.models.text_to_image.controlnet.controlnet) MegatronDreamBooth (class in nemo.collections.multimodal.models.text_to_image.dreambooth.dreambooth) MegatronGPTAdapterLearningModel (class in nemo.collections.nlp.models.language_modeling.megatron_gpt_adapter_model) MegatronGPTExportableModel (class in nemo.collections.nlp.models.language_modeling.megatron_gpt_model) MegatronGPTInfusedAdapterModel (class in nemo.collections.nlp.models.language_modeling.megatron_gpt_adapter_model) MegatronGPTModel (class in nemo.collections.nlp.models.language_modeling.megatron_gpt_model) MegatronGPTPromptLearningModel (class in nemo.collections.nlp.models.language_modeling.megatron_gpt_prompt_learning_model) MegatronGPTSFTModel (class in nemo.collections.nlp.models.language_modeling.megatron_gpt_sft_model) MegatronImagen (class in nemo.collections.multimodal.models.text_to_image.imagen.imagen) MegatronLatentDiffusion (class in nemo.collections.multimodal.models.text_to_image.stable_diffusion.ldm.ddpm) MegatronModule (class in nemo.collections.nlp.modules.common.megatron.module) MegatronRetrievalModel (class in nemo.collections.nlp.models.language_modeling.megatron_retrieval_model) MegatronRetrievalTokenLevelEncoderDecoderModule (class in nemo.collections.nlp.modules.common.megatron.retrieval_token_level_encoder_decoder) MegatronT5AdapterLearningModel (class in nemo.collections.nlp.models.language_modeling.megatron_t5_adapter_model) MegatronT5InfusedAdapterModel (class in nemo.collections.nlp.models.language_modeling.megatron_t5_adapter_model) MegatronT5Model (class in nemo.collections.nlp.models.language_modeling.megatron_t5_model) MegatronTokenLevelEncoderDecoderModule (class in nemo.collections.nlp.modules.common.megatron.token_level_encoder_decoder) MelToSpec (class in nemo.collections.tts.models.base) merge_cfg_with() (nemo.collections.nlp.parts.mixins.nlp_adapter_mixins.NLPAdapterModelMixin class method) merge_inference_cfg() (nemo.collections.nlp.parts.mixins.nlp_adapter_mixins.NLPAdapterModelMixin class method) MHAResidualAddAdapterStrategy (class in nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module) MinHash (class in nemo_curator) minhash32() (nemo_curator.MinHash method) minhash64() (nemo_curator.MinHash method) MixerTTSModel (class in nemo.collections.tts.models) MixerTTSXDataset (class in nemo.collections.tts.data.dataset) Mixtral8x7BFormatter (class in nemo_curator.synthetic) MMLU (class in nemo_curator.tasks) MockGPTDataset (class in nemo.collections.nlp.data.language_modeling.megatron.gpt_dataset) ModelPT (class in nemo.core) modified_adaptive_expansion_search() (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer method) Modify (class in nemo_curator) modify_state_dict() (nemo.core.connectors.save_restore_connector.SaveRestoreConnector method) MSELoss (class in nemo.collections.common.losses) multi_test_epoch_end() (nemo.core.ModelPT method) multi_validation_epoch_end() (nemo.core.ModelPT method) MultiHeadAttentionAdapter (class in nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module) Multilingual (class in nemo_curator.tasks) MultiRC (class in nemo_curator.tasks) N n_clusters (nemo_curator.SemDedupConfig attribute) named_nemo_modules() (nemo.core.ModelPT method) NBestHypotheses (class in nemo.collections.asr.parts.utils.rnnt_utils) NeMoBertModel (class in nemo.collections.nlp.models.language_modeling.megatron.bert.bert_model) NemoDeployClient (class in nemo_curator) NemotronFormatter (class in nemo_curator.synthetic) NemotronGenerator (class in nemo_curator.synthetic) NeuralModule (class in nemo.core) (class in nemo.core.classes.module) NeuralType (class in nemo.core.neural_types) NeuralTypeComparisonResult (class in nemo.core.neural_types.comparison) NLPAdapterModelMixin (class in nemo.collections.nlp.parts.mixins.nlp_adapter_mixins) NoFormat (class in nemo_curator.synthetic) NoisePerturbation (class in nemo.collections.asr.parts.preprocessing.perturb) NonAlphaNumericFilter (class in nemo_curator.filters) num_files (nemo_curator.SemDedupConfig attribute) num_weights (nemo.core.ModelPT property) (nemo.core.NeuralModule property) NumberOfLinesOfCodeFilter (class in nemo_curator.filters) NumbersFilter (class in nemo_curator.filters) NumDasc (class in nemo_curator.tasks) O on_fit_start() (nemo.core.ModelPT method) on_load_checkpoint() (nemo.collections.nlp.models.language_modeling.megatron_bert_model.MegatronBertModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_model.MegatronGPTModel method) on_predict_end() (nemo.core.ModelPT method) on_save_checkpoint() (nemo.collections.nlp.models.language_modeling.megatron_bert_model.MegatronBertModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_model.MegatronGPTModel method) on_test_end() (nemo.core.ModelPT method) on_test_epoch_end() (nemo.core.ModelPT method) on_train_batch_end() (nemo.core.ModelPT method) on_train_batch_start() (nemo.core.ModelPT method) on_train_end() (nemo.core.ModelPT method) on_train_start() (nemo.core.ModelPT method) on_validation_epoch_end() (nemo.core.ModelPT method) OpenAIClient (class in nemo_curator) OpenBookQA (class in nemo_curator.tasks) output_types (nemo.collections.asr.data.audio_to_text.AudioToBPEDataset property) (nemo.collections.asr.data.audio_to_text.AudioToCharDataset property) (nemo.collections.asr.modules.AudioToMelSpectrogramPreprocessor property) (nemo.collections.asr.modules.AudioToMFCCPreprocessor property) (nemo.collections.asr.modules.ConformerEncoder property) (nemo.collections.asr.modules.ConvASRDecoder property) (nemo.collections.asr.modules.ConvASRDecoderClassification property) (nemo.collections.asr.modules.ConvASREncoder property) (nemo.collections.asr.modules.CropOrPadSpectrogramAugmentation property) (nemo.collections.asr.modules.RNNEncoder property) (nemo.collections.asr.modules.RNNTDecoder property) (nemo.collections.asr.modules.RNNTJoint property) (nemo.collections.asr.modules.SpeakerDecoder property) (nemo.collections.asr.modules.SpectrogramAugmentation property) (nemo.collections.asr.modules.SqueezeformerEncoder property) (nemo.collections.asr.modules.StatelessTransducerDecoder property) (nemo.collections.asr.parts.submodules.ctc_greedy_decoding.GreedyCTCInfer property) (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer property) (nemo.collections.tts.models.FastPitchModel property) (nemo.collections.tts.models.HifiGanModel property) (nemo.collections.tts.models.MixerTTSModel property) (nemo.collections.tts.models.Tacotron2Model property) (nemo.collections.tts.models.TwoStagesModel property) (nemo.collections.tts.models.UnivNetModel property) (nemo.collections.tts.models.WaveGlowModel property) output_types_for_export (nemo.collections.asr.modules.ConformerEncoder property) P pad_audio() (nemo.collections.tts.models.AudioCodecModel method) ParenthesesFilter (class in nemo_curator.filters) parse() (nemo.collections.tts.models.base.SpectrogramGenerator method) (nemo.collections.tts.models.FastPitchModel method) (nemo.collections.tts.models.MixerTTSModel method) (nemo.collections.tts.models.RadTTSModel method) (nemo.collections.tts.models.Tacotron2Model method) PerExtensionFilter (class in nemo_curator.filters) Perplexity (class in nemo.collections.common.metrics) perturb() (nemo.collections.asr.parts.preprocessing.perturb.NoisePerturbation method) perturb_with_foreground_noise() (nemo.collections.asr.parts.preprocessing.perturb.NoisePerturbation method) perturb_with_input_noise() (nemo.collections.asr.parts.preprocessing.perturb.NoisePerturbation method) PiiModifier (class in nemo_curator.modifiers) PIQA (class in nemo_curator.tasks) PornographicUrlsFilter (class in nemo_curator.filters) PositionalEncodingAdapter (class in nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module) pred_column (nemo_curator.classifiers.DomainClassifier attribute) (nemo_curator.classifiers.QualityClassifier attribute) predict() (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.StatelessTransducerDecoder method) prefix_search() (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer method) prepare_task_ngram_count() (nemo_curator.TaskDecontamination method) prepare_test() (nemo.core.ModelPT method) prob_column (nemo_curator.classifiers.DomainClassifier attribute) (nemo_curator.classifiers.QualityClassifier attribute) project_encoder() (nemo.collections.asr.modules.RNNTJoint method) project_prednet() (nemo.collections.asr.modules.RNNTJoint method) propagate_model_guid() (nemo.core.ModelPT method) PunctuationFilter (class in nemo_curator.filters) push_to_hf_hub() (nemo.core.classes.mixins.hf_io_mixin.HuggingFaceFileIO method) PythonCommentToCodeFilter (class in nemo_curator.filters) Q Quac (class in nemo_curator.tasks) QualityClassifier (class in nemo_curator.classifiers) quantize() (nemo.collections.tts.models.AudioCodecModel method) query_reward_model() (nemo_curator.AsyncOpenAIClient method) (nemo_curator.NemoDeployClient method) (nemo_curator.OpenAIClient method) R Race (class in nemo_curator.tasks) RadTTSModel (class in nemo.collections.tts.models) random_generator() (nemo.collections.common.data.dataset.ConcatDataset static method) recombine_hypotheses() (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer method) Record (class in nemo_curator.tasks) register_accessible_tensor() (nemo.core.classes.mixins.access_mixins.AccessMixin method) register_artifact() (nemo.core.connectors.save_restore_connector.SaveRestoreConnector method) (nemo.core.ModelPT method) register_nemo_submodule() (nemo.core.ModelPT method) register_optimizer() (in module nemo.core.optim.optimizers) register_scheduler() (in module nemo.core.optim.lr_scheduler) RelPositionalEncodingAdapter (class in nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module) RelPositionMultiHeadAttentionAdapter (class in nemo.collections.asr.parts.submodules.adapters.multi_head_attention_adapter_module) RepeatedLinesByCharFilter (class in nemo_curator.filters) RepeatedLinesFilter (class in nemo_curator.filters) RepeatedParagraphsByCharFilter (class in nemo_curator.filters) RepeatedParagraphsFilter (class in nemo_curator.filters) RepeatingDuplicateNGramsFilter (class in nemo_curator.filters) RepeatingTopNGramsFilter (class in nemo_curator.filters) replace_adapter_compatible_modules() (nemo.core.adapter_mixins.AdapterModelPTMixin method) reset_registry() (nemo.core.classes.mixins.access_mixins.AccessMixin method) resolve_adapter_module_name_() (nemo.core.adapter_mixins.AdapterModuleMixin method) resolve_joint_output() (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer method) restore_from() (nemo.collections.asr.modules.AudioToMelSpectrogramPreprocessor class method) (nemo.collections.asr.modules.AudioToMFCCPreprocessor class method) (nemo.collections.asr.modules.CropOrPadSpectrogramAugmentation class method) (nemo.core.connectors.save_restore_connector.SaveRestoreConnector method) (nemo.core.ModelPT class method) RETRODataset (class in nemo.collections.nlp.data.language_modeling.megatron.retro_dataset) revise_open_qa() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) revise_writing_tasks() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) RirAndNoisePerturbation (class in nemo.collections.asr.parts.preprocessing.perturb) RNNEncoder (class in nemo.collections.asr.modules) RNNTBPEDecoding (class in nemo.collections.asr.parts.submodules.rnnt_decoding) RNNTDecoder (class in nemo.collections.asr.modules) RNNTDecoding (class in nemo.collections.asr.parts.submodules.rnnt_decoding) RNNTJoint (class in nemo.collections.asr.modules) round_robin_generator() (nemo.collections.common.data.dataset.ConcatDataset static method) RTE (class in nemo_curator.tasks) run_closed_qa_pipeline() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) run_math_pipeline() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) run_open_qa_pipeline() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) run_python_pipeline() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) run_writing_pipeline() (nemo_curator.synthetic.AsyncNemotronGenerator method) (nemo_curator.synthetic.NemotronGenerator method) S sampled_joint() (nemo.collections.asr.modules.SampledRNNTJoint method) SampledRNNTJoint (class in nemo.collections.asr.modules) save_adapters() (nemo.core.adapter_mixins.AdapterModelPTMixin method) save_to() (nemo.collections.asr.modules.AudioToMelSpectrogramPreprocessor method) (nemo.collections.asr.modules.AudioToMFCCPreprocessor method) (nemo.collections.asr.modules.CropOrPadSpectrogramAugmentation method) (nemo.core.connectors.save_restore_connector.SaveRestoreConnector method) (nemo.core.ModelPT method) save_tokenizers() (nemo.collections.asr.parts.mixins.mixins.ASRBPEMixin method) SaveRestoreConnector (class in nemo.core.connectors.save_restore_connector) Score (class in nemo_curator) score_document() (nemo_curator.filters.AlphaFilter method) (nemo_curator.filters.BoilerPlateStringFilter method) (nemo_curator.filters.BulletsFilter method) (nemo_curator.filters.CommonEnglishWordsFilter method) (nemo_curator.filters.DocumentFilter method) (nemo_curator.filters.EllipsisFilter method) (nemo_curator.filters.FastTextLangId method) (nemo_curator.filters.FastTextQualityFilter method) (nemo_curator.filters.GeneralCommentToCodeFilter method) (nemo_curator.filters.HTMLBoilerplateFilter method) (nemo_curator.filters.LongWordFilter method) (nemo_curator.filters.MeanWordLengthFilter method) (nemo_curator.filters.NonAlphaNumericFilter method) (nemo_curator.filters.NumberOfLinesOfCodeFilter method) (nemo_curator.filters.NumbersFilter method) (nemo_curator.filters.ParenthesesFilter method) (nemo_curator.filters.PerExtensionFilter method) (nemo_curator.filters.PornographicUrlsFilter method) (nemo_curator.filters.PunctuationFilter method) (nemo_curator.filters.PythonCommentToCodeFilter method) (nemo_curator.filters.RepeatedLinesByCharFilter method) (nemo_curator.filters.RepeatedLinesFilter method) (nemo_curator.filters.RepeatedParagraphsByCharFilter method) (nemo_curator.filters.RepeatedParagraphsFilter method) (nemo_curator.filters.RepeatingDuplicateNGramsFilter method) (nemo_curator.filters.RepeatingTopNGramsFilter method) (nemo_curator.filters.SymbolsToWordsFilter method) (nemo_curator.filters.TokenizerFertilityFilter method) (nemo_curator.filters.UrlsFilter method) (nemo_curator.filters.WhiteSpaceFilter method) (nemo_curator.filters.WordCountFilter method) (nemo_curator.filters.WordsWithoutAlphabetsFilter method) (nemo_curator.filters.XMLHeaderFilter method) score_hypothesis() (nemo.collections.asr.modules.RNNTDecoder method) (nemo.collections.asr.modules.StatelessTransducerDecoder method) ScoreFilter (class in nemo_curator) search_huggingface_models() (nemo.core.classes.mixins.hf_io_mixin.HuggingFaceFileIO class method) seed (nemo_curator.SemDedupConfig attribute) SemanticClusterLevelDedup (class in nemo_curator) SemDedup (class in nemo_curator) SemDedupConfig (class in nemo_curator) SentencePieceTokenizer (class in nemo.collections.common.tokenizers) Sequential (class in nemo_curator) set_accepted_adapter_types() (nemo.core.adapter_mixins.AdapterModuleMixin method) set_decoding_type() (nemo.collections.asr.parts.submodules.ctc_beam_decoding.BeamCTCInfer method) set_enabled_adapters() (nemo.core.adapter_mixins.AdapterModelPTMixin method) (nemo.core.adapter_mixins.AdapterModuleMixin method) set_export_config() (nemo.core.classes.exportable.Exportable method) set_interctc_enabled() (nemo.collections.asr.parts.mixins.interctc_mixin.InterCTCMixin method) set_interctc_param() (nemo.collections.asr.parts.mixins.interctc_mixin.InterCTCMixin method) set_max_audio_length() (nemo.collections.asr.modules.ConformerEncoder method) (nemo.collections.asr.modules.SqueezeformerEncoder method) set_semantic_check_enabled() (nemo.core.classes.common.typecheck static method) set_trainer() (nemo.core.ModelPT method) set_typecheck_enabled() (nemo.core.classes.common.typecheck static method) set_world_size() (nemo.core.ModelPT method) setup() (nemo.collections.multimodal.models.text_to_image.controlnet.controlnet.MegatronControlNet method) (nemo.collections.multimodal.models.text_to_image.dreambooth.dreambooth.MegatronDreamBooth method) (nemo.collections.multimodal.models.text_to_image.imagen.imagen.MegatronImagen method) (nemo.collections.multimodal.models.text_to_image.stable_diffusion.ldm.ddpm.MegatronLatentDiffusion method) (nemo.collections.nlp.models.language_modeling.megatron_bart_model.MegatronBARTModel method) (nemo.collections.nlp.models.language_modeling.megatron_bert_model.MegatronBertModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_adapter_model.MegatronGPTAdapterLearningModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_adapter_model.MegatronGPTInfusedAdapterModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_model.MegatronGPTModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_prompt_learning_model.MegatronGPTPromptLearningModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_sft_model.MegatronGPTSFTModel method) (nemo.collections.nlp.models.language_modeling.megatron_retrieval_model.MegatronRetrievalModel method) (nemo.collections.nlp.models.language_modeling.megatron_t5_adapter_model.MegatronT5AdapterLearningModel method) (nemo.collections.nlp.models.language_modeling.megatron_t5_adapter_model.MegatronT5InfusedAdapterModel method) (nemo.collections.nlp.models.language_modeling.megatron_t5_model.MegatronT5Model method) (nemo.core.ModelPT method) setup_adapters() (nemo.core.adapter_mixins.AdapterModelPTMixin method) setup_interctc() (nemo.collections.asr.parts.mixins.interctc_mixin.InterCTCMixin method) setup_megatron_optimization() (nemo.core.ModelPT method) setup_multiple_test_data() (nemo.core.ModelPT method) setup_multiple_validation_data() (nemo.core.ModelPT method) setup_optimization() (nemo.core.ModelPT method) setup_optimizer_param_groups() (nemo.core.ModelPT method) setup_streaming_params() (nemo.collections.asr.modules.ConformerEncoder method) setup_test_data() (nemo.core.ModelPT method) setup_training_data() (nemo.core.ModelPT method) setup_validation_data() (nemo.core.ModelPT method) ShiftPerturbation (class in nemo.collections.asr.parts.preprocessing.perturb) should_update_disc() (nemo.collections.tts.models.AudioCodecModel method) Shuffle (class in nemo_curator) sim_metric (nemo_curator.SemDedupConfig attribute) SmoothedCrossEntropyLoss (class in nemo.collections.common.losses) sort_nbest() (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer method) SpanningLoss (class in nemo.collections.common.losses) SpeakerDecoder (class in nemo.collections.asr.modules) SpectrogramAugmentation (class in nemo.collections.asr.modules) SpectrogramEnhancerModel (class in nemo.collections.tts.models) SpectrogramGenerator (class in nemo.collections.tts.models.base) SpeedPerturbation (class in nemo.collections.asr.parts.preprocessing.perturb) Squad (class in nemo_curator.tasks) SqueezeformerEncoder (class in nemo.collections.asr.modules) state_dict() (nemo.collections.nlp.models.language_modeling.megatron_gpt_adapter_model.MegatronGPTAdapterLearningModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_adapter_model.MegatronGPTInfusedAdapterModel method) (nemo.collections.nlp.models.language_modeling.megatron_t5_adapter_model.MegatronT5AdapterLearningModel method) (nemo.collections.nlp.models.language_modeling.megatron_t5_adapter_model.MegatronT5InfusedAdapterModel method) StatelessTransducerDecoder (class in nemo.collections.asr.modules) StoryCloze (class in nemo_curator.tasks) summarize() (nemo.core.ModelPT method) supported_export_formats (nemo.core.classes.exportable.Exportable property) SymbolsToWordsFilter (class in nemo_curator.filters) T T5Dataset (class in nemo.collections.nlp.data.language_modeling.megatron.t5_dataset) T5Encoder (class in nemo.collections.multimodal.modules.imagen.encoder.t5encoder) T5PromptLearningDataset (class in nemo.collections.nlp.data.language_modeling.megatron.t5_prompt_learning_dataset) Tacotron2Model (class in nemo.collections.tts.models) TarredAudioToBPEDataset (class in nemo.collections.asr.data.audio_to_text) TarredAudioToCharDataset (class in nemo.collections.asr.data.audio_to_text) TaskDecontamination (class in nemo_curator) temperature_generator() (nemo.collections.common.data.dataset.ConcatDataset static method) test_dataloader() (nemo.core.ModelPT method) test_step_outputs (nemo.core.ModelPT property) TextToTextDataset (class in nemo.collections.asr.data.text_to_text) TextToTextIterableDataset (class in nemo.collections.asr.data.text_to_text) time_sync_decoding() (nemo.collections.asr.parts.submodules.rnnt_beam_decoding.BeamRNNTInfer method) TimeStretchPerturbation (class in nemo.collections.asr.parts.preprocessing.perturb) to_json() (nemo_curator.datasets.DocumentDataset method) to_pandas() (nemo_curator.datasets.DocumentDataset method) to_parquet() (nemo_curator.datasets.DocumentDataset method) TokenizerFertilityFilter (class in nemo_curator.filters) TokenizerSpec (class in nemo.collections.common.tokenizers) train_dataloader() (nemo.core.ModelPT method) trainer() (nemo.core.ModelPT method) training_step() (nemo.collections.multimodal.models.text_to_image.controlnet.controlnet.MegatronControlNet method) (nemo.collections.multimodal.models.text_to_image.dreambooth.dreambooth.MegatronDreamBooth method) (nemo.collections.multimodal.models.text_to_image.imagen.imagen.MegatronImagen method) (nemo.collections.multimodal.models.text_to_image.stable_diffusion.ldm.ddpm.MegatronLatentDiffusion method) (nemo.collections.nlp.models.language_modeling.megatron_bart_model.MegatronBARTModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_model.MegatronGPTModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_sft_model.MegatronGPTSFTModel method) (nemo.collections.nlp.models.language_modeling.megatron_t5_model.MegatronT5Model method) TranscodePerturbation (class in nemo.collections.asr.parts.preprocessing.perturb) transcribe() (nemo.collections.asr.parts.mixins.transcription.TranscriptionMixin method) transcribe_generator() (nemo.collections.asr.parts.mixins.transcription.TranscriptionMixin method) transcribe_simulate_cache_aware_streaming() (nemo.collections.asr.parts.mixins.mixins.ASRModuleMixin method) TranscribeConfig (class in nemo.collections.asr.parts.mixins.transcription) TranscriptionMixin (class in nemo.collections.asr.parts.mixins.transcription) TriviaQA (class in nemo_curator.tasks) TTSDataset (class in nemo.collections.tts.data.dataset) TwoStagesModel (class in nemo.collections.tts.models) type_parameters (nemo.core.neural_types.elements.ElementType property) typecheck (class in nemo.core.classes.common) typecheck.TypeState (class in nemo.core.classes.common) U UL2Dataset (class in nemo.collections.nlp.data.language_modeling.megatron.ul2_dataset) UNetModel (class in nemo.collections.multimodal.modules.imagen.diffusionmodules.nets) (class in nemo.collections.multimodal.modules.stable_diffusion.diffusionmodules.openaimodel) unfreeze() (nemo.core.NeuralModule method) unfreeze_enabled_adapters() (nemo.core.adapter_mixins.AdapterModuleMixin method) UnicodeReformatter (class in nemo_curator.modifiers) UnivNetModel (class in nemo.collections.tts.models) update() (nemo.collections.common.metrics.Perplexity method) update_adapter_cfg() (nemo.core.adapter_mixins.AdapterModelPTMixin method) update_save_restore_connector() (nemo.core.ModelPT class method) UrlsFilter (class in nemo_curator.filters) V val_dataloader() (nemo.core.ModelPT method) validation_step() (nemo.collections.multimodal.models.text_to_image.imagen.imagen.MegatronImagen method) (nemo.collections.nlp.models.language_modeling.megatron_bart_model.MegatronBARTModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_model.MegatronGPTModel method) (nemo.collections.nlp.models.language_modeling.megatron_gpt_sft_model.MegatronGPTSFTModel method) (nemo.collections.nlp.models.language_modeling.megatron_t5_model.MegatronT5Model method) validation_step_outputs (nemo.core.ModelPT property) Vocoder (class in nemo.collections.tts.models.base) VocoderDataset (class in nemo.collections.tts.data.dataset) W WaveGlowModel (class in nemo.collections.tts.models) WebDatasetCommon (class in nemo.collections.multimodal.data.common.webdataset) WebQA (class in nemo_curator.tasks) which_to_keep (nemo_curator.SemDedupConfig attribute) WhiteNoisePerturbation (class in nemo.collections.asr.parts.preprocessing.perturb) WhiteSpaceFilter (class in nemo_curator.filters) WiC (class in nemo_curator.tasks) Winogrande (class in nemo_curator.tasks) WordCountFilter (class in nemo_curator.filters) WordsWithoutAlphabetsFilter (class in nemo_curator.filters) wrapped_call() (nemo.core.classes.common.typecheck method) WSC (class in nemo_curator.tasks) X XMLHeaderFilter (class in nemo_curator.filters) Y YamlConversionError (class in nemo_curator.synthetic)