Contents Menu Expand Light mode Dark mode Auto light/dark, in light mode Auto light/dark, in dark mode Skip to content
Noether Framework documentation
Logo

The Noether Framework

  • Introduction to Noether Framework
  • Design Principles and Limitations
  • Key Concepts

Tutorials

  • Prerequisites
  • Getting Started: Install & Verify
  • Training First Model (with Configs)
  • Training First Model (with Code)
  • Full Code Walkthrough Tutorial

How-to Guides

  • Hardware Allocation & Training Configurations
  • Advanced Linux & NVIDIA Setup
  • Working with the CLI
  • How to Use Private Data Source
  • How to Implement a Custom Dataset
  • How to Implement a Custom Multistage Pipeline
  • How to Implement a Custom Trainer
  • How to Use Callbacks
  • How to Run Evaluation on Trained Models

Noether Zoos

  • Noether Dataset Zoo
  • Noether Model Zoo

Reference

  • Disk Caching
  • noether
    • noether.core
      • noether.core.callbacks
        • noether.core.callbacks.base
        • noether.core.callbacks.checkpoint
          • noether.core.callbacks.checkpoint.best_checkpoint
          • noether.core.callbacks.checkpoint.checkpoint
          • noether.core.callbacks.checkpoint.ema
        • noether.core.callbacks.default
          • noether.core.callbacks.default.dataset_stats
          • noether.core.callbacks.default.eta
          • noether.core.callbacks.default.lr
          • noether.core.callbacks.default.online_loss
          • noether.core.callbacks.default.param_count
          • noether.core.callbacks.default.peak_memory
          • noether.core.callbacks.default.progress
          • noether.core.callbacks.default.train_time
        • noether.core.callbacks.early_stoppers
          • noether.core.callbacks.early_stoppers.base
          • noether.core.callbacks.early_stoppers.fixed
          • noether.core.callbacks.early_stoppers.metric
        • noether.core.callbacks.online
          • noether.core.callbacks.online.best_metric
          • noether.core.callbacks.online.track_outputs
        • noether.core.callbacks.periodic
      • noether.core.configs
        • noether.core.configs.hyperparameters
        • noether.core.configs.wandb
      • noether.core.distributed
        • noether.core.distributed.config
        • noether.core.distributed.gather
        • noether.core.distributed.run
          • noether.core.distributed.run.managed
          • noether.core.distributed.run.unmanaged
        • noether.core.distributed.utils
      • noether.core.extractors
        • noether.core.extractors.forward_hook
      • noether.core.factory
        • noether.core.factory.base
        • noether.core.factory.dataset
        • noether.core.factory.optimizer
        • noether.core.factory.schedule
        • noether.core.factory.utils
      • noether.core.initializers
        • noether.core.initializers.base
        • noether.core.initializers.checkpoint
        • noether.core.initializers.previous_run
        • noether.core.initializers.resume
      • noether.core.models
        • noether.core.models.base
        • noether.core.models.composite
        • noether.core.models.single
      • noether.core.optimizer
        • noether.core.optimizer.lion
        • noether.core.optimizer.optimizer_wrapper
        • noether.core.optimizer.param_group_modifiers
          • noether.core.optimizer.param_group_modifiers.base
          • noether.core.optimizer.param_group_modifiers.lr_scale_by_name
          • noether.core.optimizer.param_group_modifiers.weight_decay_by_name
      • noether.core.providers
        • noether.core.providers.metric_property
        • noether.core.providers.path
      • noether.core.schedules
        • noether.core.schedules.base
        • noether.core.schedules.constant
        • noether.core.schedules.cosine
        • noether.core.schedules.custom
        • noether.core.schedules.functional
        • noether.core.schedules.linear
        • noether.core.schedules.linear_warmup_cosine_decay
        • noether.core.schedules.polynomial
        • noether.core.schedules.step
      • noether.core.schemas
        • noether.core.schemas.callbacks
        • noether.core.schemas.dataset
        • noether.core.schemas.filemap
        • noether.core.schemas.initializers
        • noether.core.schemas.models
          • noether.core.schemas.models.ab_upt
          • noether.core.schemas.models.base
          • noether.core.schemas.models.transformer
          • noether.core.schemas.models.transolver
          • noether.core.schemas.models.upt
        • noether.core.schemas.modules
          • noether.core.schemas.modules.attention
          • noether.core.schemas.modules.blocks
          • noether.core.schemas.modules.decoders
          • noether.core.schemas.modules.encoders
          • noether.core.schemas.modules.layers
            • noether.core.schemas.modules.layers.continuous_sincos_embedding
            • noether.core.schemas.modules.layers.drop_path
            • noether.core.schemas.modules.layers.layer_scale
            • noether.core.schemas.modules.layers.linear_projection
            • noether.core.schemas.modules.layers.rope_frequency
            • noether.core.schemas.modules.layers.scalar_conditioner
          • noether.core.schemas.modules.mlp
        • noether.core.schemas.normalizers
        • noether.core.schemas.optimizers
        • noether.core.schemas.schedules
        • noether.core.schemas.schema
        • noether.core.schemas.statistics
        • noether.core.schemas.trackers
        • noether.core.schemas.trainers
      • noether.core.scripts
        • noether.core.scripts.validate_pytorch_compatibilities
      • noether.core.trackers
        • noether.core.trackers.base
        • noether.core.trackers.noop
        • noether.core.trackers.wandb
      • noether.core.types
      • noether.core.utils
        • noether.core.utils.bidict
        • noether.core.utils.code
        • noether.core.utils.common
          • noether.core.utils.common.naming
          • noether.core.utils.common.path
          • noether.core.utils.common.stopwatch
          • noether.core.utils.common.typing
          • noether.core.utils.common.validation
        • noether.core.utils.logging
          • noether.core.utils.logging.base
          • noether.core.utils.logging.formatting
          • noether.core.utils.logging.progress
        • noether.core.utils.model
        • noether.core.utils.platform
          • noether.core.utils.platform.system
          • noether.core.utils.platform.worker
        • noether.core.utils.seed
        • noether.core.utils.torch
          • noether.core.utils.torch.amp
          • noether.core.utils.torch.device
        • noether.core.utils.training
          • noether.core.utils.training.counter
          • noether.core.utils.training.schedule_wrapper
          • noether.core.utils.training.training_iteration
      • noether.core.writers
        • noether.core.writers.checkpoint_writer
        • noether.core.writers.log_writer
    • noether.data
      • noether.data.base
        • noether.data.base.dataset
        • noether.data.base.subset
        • noether.data.base.wrapper
        • noether.data.base.wrappers
          • noether.data.base.wrappers.property_subset
          • noether.data.base.wrappers.repeat
          • noether.data.base.wrappers.shuffle
          • noether.data.base.wrappers.subset
          • noether.data.base.wrappers.timing
      • noether.data.container
      • noether.data.datasets
        • noether.data.datasets.cfd
          • noether.data.datasets.cfd.caeml
            • noether.data.datasets.cfd.caeml.ahmedml
              • noether.data.datasets.cfd.caeml.ahmedml.dataset
              • noether.data.datasets.cfd.caeml.ahmedml.split
            • noether.data.datasets.cfd.caeml.dataset
            • noether.data.datasets.cfd.caeml.drivaerml
              • noether.data.datasets.cfd.caeml.drivaerml.dataset
              • noether.data.datasets.cfd.caeml.drivaerml.split
            • noether.data.datasets.cfd.caeml.filemap
            • noether.data.datasets.cfd.caeml.preprocessing
          • noether.data.datasets.cfd.dataset
          • noether.data.datasets.cfd.drivaernet
            • noether.data.datasets.cfd.drivaernet.dataset
            • noether.data.datasets.cfd.drivaernet.preprocessing
          • noether.data.datasets.cfd.emmi_wing
            • noether.data.datasets.cfd.emmi_wing.dataset
            • noether.data.datasets.cfd.emmi_wing.split
          • noether.data.datasets.cfd.shapenet_car
            • noether.data.datasets.cfd.shapenet_car.dataset
            • noether.data.datasets.cfd.shapenet_car.filemap
            • noether.data.datasets.cfd.shapenet_car.preprocessing
            • noether.data.datasets.cfd.shapenet_car.split
      • noether.data.pipeline
        • noether.data.pipeline.batch_processor
        • noether.data.pipeline.batch_processors
          • noether.data.pipeline.batch_processors.moment_normalization
          • noether.data.pipeline.batch_processors.position_normalization
          • noether.data.pipeline.batch_processors.rename_keys
        • noether.data.pipeline.collator
        • noether.data.pipeline.collators
          • noether.data.pipeline.collators.concat_sparse_tensor
          • noether.data.pipeline.collators.default
          • noether.data.pipeline.collators.field_decoder
          • noether.data.pipeline.collators.sparse_tensor_offset
        • noether.data.pipeline.multistage
        • noether.data.pipeline.sample_processor
        • noether.data.pipeline.sample_processors
          • noether.data.pipeline.sample_processors.concat_tensor
          • noether.data.pipeline.sample_processors.default_tensor
          • noether.data.pipeline.sample_processors.drop_outliers
          • noether.data.pipeline.sample_processors.duplicate_keys
          • noether.data.pipeline.sample_processors.moment_normalization
          • noether.data.pipeline.sample_processors.point_sampling
          • noether.data.pipeline.sample_processors.position_normalization
          • noether.data.pipeline.sample_processors.rename_keys
          • noether.data.pipeline.sample_processors.replace_key
          • noether.data.pipeline.sample_processors.samplewise_normalization
          • noether.data.pipeline.sample_processors.supernode_sampling
      • noether.data.preprocessors
        • noether.data.preprocessors.base
        • noether.data.preprocessors.compose
        • noether.data.preprocessors.normalizers
        • noether.data.preprocessors.numpy_to_torch_tensor
        • noether.data.preprocessors.types
        • noether.data.preprocessors.utils
      • noether.data.samplers
        • noether.data.samplers.interleaved_sampler
        • noether.data.samplers.internals
      • noether.data.stats
      • noether.data.tools
        • noether.data.tools.calculate_statistics
    • noether.inference
      • noether.inference.cli
        • noether.inference.cli.main_inference
    • noether.io
      • noether.io.aistore
      • noether.io.checkpoint
        • noether.io.checkpoint.iohash
        • noether.io.checkpoint.providers
          • noether.io.checkpoint.providers.file_provider
          • noether.io.checkpoint.providers.huggingface_provider
          • noether.io.checkpoint.providers.s3_provider
        • noether.io.checkpoint.resolver
        • noether.io.checkpoint.types
      • noether.io.cli
        • noether.io.cli.cli
        • noether.io.cli.cli_aws
        • noether.io.cli.cli_checkpoint
        • noether.io.cli.cli_huggingface
        • noether.io.cli.cli_utils
        • noether.io.cli.cli_verification
      • noether.io.credentials
      • noether.io.diskcache
        • noether.io.diskcache.cache_benchmark
        • noether.io.diskcache.lru_cache
      • noether.io.interfaces
        • noether.io.interfaces.azure
        • noether.io.interfaces.gcp
        • noether.io.interfaces.huggingface
        • noether.io.interfaces.s3
        • noether.io.interfaces.s3_uploader
      • noether.io.logging_config
      • noether.io.logging_progress
      • noether.io.providers
      • noether.io.verification
    • noether.modeling
      • noether.modeling.functional
        • noether.modeling.functional.geometric
        • noether.modeling.functional.init
        • noether.modeling.functional.logscale
        • noether.modeling.functional.modulation
        • noether.modeling.functional.rope
      • noether.modeling.models
        • noether.modeling.models.ab_upt
        • noether.modeling.models.transformer
        • noether.modeling.models.transolver
        • noether.modeling.models.upt
      • noether.modeling.modules
        • noether.modeling.modules.activations
        • noether.modeling.modules.attention
          • noether.modeling.modules.attention.anchor_attention
            • noether.modeling.modules.attention.anchor_attention.cross
            • noether.modeling.modules.attention.anchor_attention.joint
            • noether.modeling.modules.attention.anchor_attention.mixed
            • noether.modeling.modules.attention.anchor_attention.multi_branch
            • noether.modeling.modules.attention.anchor_attention.self_anchor
          • noether.modeling.modules.attention.dot_product
          • noether.modeling.modules.attention.perceiver
          • noether.modeling.modules.attention.transolver
          • noether.modeling.modules.attention.transolver_plusplus
        • noether.modeling.modules.blocks
          • noether.modeling.modules.blocks.perceiver
          • noether.modeling.modules.blocks.transformer
        • noether.modeling.modules.decoders
          • noether.modeling.modules.decoders.deep_perceiver
        • noether.modeling.modules.encoders
          • noether.modeling.modules.encoders.mlp
          • noether.modeling.modules.encoders.supernode_pooling
        • noether.modeling.modules.layers
          • noether.modeling.modules.layers.continuous_sincos_embed
          • noether.modeling.modules.layers.drop_path
          • noether.modeling.modules.layers.layer_scale
          • noether.modeling.modules.layers.linear_projection
          • noether.modeling.modules.layers.rope_frequency
          • noether.modeling.modules.layers.scalar_conditioner
          • noether.modeling.modules.layers.transformer_batchnorm
        • noether.modeling.modules.mlp
          • noether.modeling.modules.mlp.mlp
          • noether.modeling.modules.mlp.upactdown_mlp
    • noether.training
      • noether.training.callbacks
        • noether.training.callbacks.offline_loss
        • noether.training.callbacks.supernode_pooling_coverage
      • noether.training.cli
        • noether.training.cli.main_train
      • noether.training.runners
        • noether.training.runners.hydra_runner
      • noether.training.trainers
        • noether.training.trainers.base
        • noether.training.trainers.types
Back to top
View this page
Edit this page

How-to GuidesΒΆ

  • Hardware Allocation & Training Configurations
  • Advanced Linux & NVIDIA Setup
  • Working with the CLI
  • How to Use Private Data Source
  • How to Implement a Custom Dataset
  • How to Implement a Custom Multistage Pipeline
  • How to Implement a Custom Model
  • How to Implement a Custom Trainer
  • How to Use Callbacks
  • How to Run Evaluation on Trained Models
Copyright © 2026, Emmi AI Developers
Made with Furo