ECGAN
Contents
Get started
Setup and first steps
Setting up tracking (W&B)
Setting up kaggle [Optional]
Setting up S3/BOTO
Framework Structure
General overview
Run models using the CLI
Managing the workflow
Implement Your Own Usecase
Supported Methods and Datasets
Supported Datasets
Supported Preprocessing
Supported Training
Supported Models
Supported trackers
Further downstream tasks
Preprocessing
Data Synthesis
Anomaly Detection
AnoGAN
Python API
CLI
Manager
Config
Custom Dataclasses
Global configuration
Config initializations
Nested Dataclasses
Preprocessing
Cleansing
Data Retrieval
Preprocessor
Sampling
Training
Dataset Structures
Trainer
Modules
Base Module
Generative Modules
Autoencoder GAN
Generative Base Modules
DCGAN
Recurrent DCGAN
RGAN
VAEGAN
Classification Modules
Base classifier
NN Classifier
Inverse Mappings
Inverse Mapping
Base Inverse Mapping
Simple Inverse Mapping
Networks
Anomaly Detection
Anomaly Assessment
Anomaly Manager
Embedders
Reconstruction
Detectors
Base Detector
Classification Detector
Detector Factory
Reconstruction Detector
Evaluation
Metrics
Optimization
Tracker
Visualization
Evaluation visualization
Plotter
Utils
Tracking artifacts
Configurable
Custom Types
Datasets
Role in the ECGAN Pipeline
Adding new Datasets
Distances
Custom distributions
Embeddings
Interpolation
Label
Layers
Logging
Loss functions
Miscellaneous
Optimizer
Parser options for the CLI commands
Plotting helpers
Reconstruction Criteria
Sampler
Splitting
Timer
Transformation
References
Related Work
Data
Related Modules
About
Goal
Contributing
Get started with the development
Improving Baselines
Adding Modules
ECGAN
»
Index
Index
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
I
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
|
Z
_
__call__() (ecgan.anomaly_detection.detector.detector_factory.AnomalyDetectorFactory method)
__init__() (ecgan.anomaly_detection.detector.base_detector.AnomalyDetector method)
(ecgan.anomaly_detection.detector.classification_detector.ArgmaxClassifierDetector method)
(ecgan.anomaly_detection.detector.classification_detector.ClassificationDetector method)
(ecgan.anomaly_detection.detector.reconstruction_detector.GANAnomalyDetector method)
(ecgan.anomaly_detection.detector.reconstruction_detector.GANInverseAnomalyDetector method)
(ecgan.anomaly_detection.detector.reconstruction_detector.ReconstructionDetector method)
__weakref__ (ecgan.anomaly_detection.detector.detector_factory.AnomalyDetectorFactory attribute)
_detect() (ecgan.anomaly_detection.detector.base_detector.AnomalyDetector method)
(ecgan.anomaly_detection.detector.classification_detector.ArgmaxClassifierDetector method)
(ecgan.anomaly_detection.detector.reconstruction_detector.GANAnomalyDetector method)
(ecgan.anomaly_detection.detector.reconstruction_detector.GANInverseAnomalyDetector method)
_get_data_to_save() (ecgan.anomaly_detection.detector.base_detector.AnomalyDetector method)
(ecgan.anomaly_detection.detector.classification_detector.ClassificationDetector method)
(ecgan.anomaly_detection.detector.reconstruction_detector.GANAnomalyDetector method)
_optimize_metric() (ecgan.anomaly_detection.detector.reconstruction_detector.GANAnomalyDetector method)
_reconstruct() (ecgan.anomaly_detection.detector.reconstruction_detector.GANAnomalyDetector method)
(ecgan.anomaly_detection.detector.reconstruction_detector.GANInverseAnomalyDetector method)
A
AdaBelief (class in ecgan.utils.optimizer)
Adam (class in ecgan.utils.optimizer)
adapt_learning_rate() (ecgan.anomaly_detection.reconstruction.InterpolationReconstructor method)
advance_fold() (ecgan.evaluation.tracker.base_tracker.BaseTracker method)
advance_step() (ecgan.evaluation.tracker.base_tracker.BaseTracker method)
AEGAN (class in ecgan.modules.generative.aegan)
AEGANDiscriminatorLoss (class in ecgan.utils.losses)
AEGANGeneratorLoss (class in ecgan.utils.losses)
AnomalyDetectionConfig (class in ecgan.config.configs)
AnomalyDetectionStrategies (class in ecgan.utils.custom_types)
AnomalyDetector (class in ecgan.anomaly_detection.detector.base_detector)
AnomalyDetectorFactory (class in ecgan.anomaly_detection.detector.detector_factory)
AnomalyManager (class in ecgan.anomaly_detection.anomaly_manager)
apply_gp() (ecgan.utils.losses.WassersteinDiscriminatorLoss static method)
apply_input_normalization() (in module ecgan.networks.helpers)
ArgmaxClassifierDetector (class in ecgan.anomaly_detection.detector.classification_detector)
Artifact (class in ecgan.utils.artifacts)
assert_and_reshape_dim() (in module ecgan.utils.embeddings)
Attribs (ecgan.config.configs.InverseConfig attribute)
AUROCMetric (class in ecgan.evaluation.metrics.classification)
AutoEncoderLoss (class in ecgan.utils.losses)
AvgPrecisionMetric (class in ecgan.evaluation.metrics.classification)
B
BaseClassifier (class in ecgan.modules.classifiers.base)
BaseCNNConfig (class in ecgan.config.dataclasses)
BaseDataset (class in ecgan.training.datasets)
BaseEncoderGANModule (class in ecgan.modules.generative.base.encoder_gan_module)
BaseGANModule (class in ecgan.modules.generative.base.gan_module)
BaseGenerativeModule (class in ecgan.modules.generative.base.generative_module)
BaseModule (class in ecgan.modules.base)
BaseOptimizer (class in ecgan.utils.optimizer)
BasePlotter (class in ecgan.visualization.plotter)
BasePreprocessor (class in ecgan.preprocessing.preprocessor)
BaseRNNConfig (class in ecgan.config.dataclasses)
BaseSampler (class in ecgan.utils.sampler)
BaseTracker (class in ecgan.evaluation.tracker.base_tracker)
BceDiscriminatorLoss (class in ecgan.utils.losses)
BceGeneratorLoss (class in ecgan.utils.losses)
BCELoss (class in ecgan.utils.losses)
BeatganDiscriminator (class in ecgan.networks.beatgan)
BeatganGenerator (class in ecgan.networks.beatgan)
BeatganInverseEncoder (class in ecgan.networks.beatgan)
boxplot() (in module ecgan.visualization.evaluation)
C
calc_conv_output() (in module ecgan.utils.miscellaneous)
calc_pool_output() (in module ecgan.utils.miscellaneous)
calculate() (ecgan.evaluation.metrics.classification.AUROCMetric method)
(ecgan.evaluation.metrics.classification.AvgPrecisionMetric method)
(ecgan.evaluation.metrics.classification.ClassificationMetric method)
(ecgan.evaluation.metrics.classification.FScoreMetric method)
(ecgan.evaluation.metrics.classification.MCCMetric method)
(ecgan.utils.distances.DistanceMetric method)
(ecgan.utils.distances.L1Distance method)
(ecgan.utils.distances.L2Distance method)
(ecgan.utils.distances.MinkowskiDistance method)
(ecgan.utils.distances.RGANMedianPairwiseDistance method)
(ecgan.utils.reconstruction_criteria.CosineSimilarityCriterion method)
(ecgan.utils.reconstruction_criteria.RBFSimilarityCriterion method)
(ecgan.utils.reconstruction_criteria.RganMmdCriterion method)
(ecgan.utils.reconstruction_criteria.SimilarityCriterions method)
calculate_pca() (in module ecgan.utils.embeddings)
calculate_tsne() (in module ecgan.utils.embeddings)
calculate_umap() (in module ecgan.utils.embeddings)
check_for_dead_sensor() (ecgan.preprocessing.cleansing.DataCleanser static method)
check_for_faulty_sensor() (ecgan.preprocessing.cleansing.DataCleanser method)
check_for_nan() (ecgan.preprocessing.cleansing.DataCleanser method)
check_shape() (ecgan.preprocessing.cleansing.DataCleanser method)
choose_class() (ecgan.anomaly_detection.detector.detector_factory.AnomalyDetectorFactory static method)
(ecgan.config.configs.DetectionConfigFactory static method)
(ecgan.config.configs.ModuleConfigFactory static method)
(ecgan.config.configs.PreprocessingConfigFactory static method)
(ecgan.preprocessing.data_retrieval.DataRetrieverFactory static method)
(ecgan.visualization.plotter.PlotterFactory static method)
ClassificationDetector (class in ecgan.anomaly_detection.detector.classification_detector)
ClassificationMetric (class in ecgan.evaluation.metrics.classification)
ClassificationMetricFactory (class in ecgan.evaluation.metrics.classification)
classifier (ecgan.modules.classifiers.nn_classifier.NNClassifier property)
classify() (ecgan.modules.classifiers.base.BaseClassifier method)
(ecgan.modules.classifiers.nn_classifier.NNClassifier method)
close() (ecgan.evaluation.tracker.base_tracker.BaseTracker method)
(ecgan.evaluation.tracker.local_tracker.LocalTracker method)
(ecgan.evaluation.tracker.wb_tracker.WBTracker method)
CMUMoCapDataRetriever (class in ecgan.preprocessing.data_retrieval)
CMUMoCapDataset (class in ecgan.utils.datasets)
CMUMoCapPreprocessor (class in ecgan.preprocessing.preprocessor)
CNNClassifier (class in ecgan.modules.classifiers.nn_classifier)
collate_metrics() (ecgan.evaluation.tracker.base_tracker.BaseTracker static method)
Config (class in ecgan.config.configs)
config_parser() (in module ecgan.utils.parser)
Configurable (class in ecgan.utils.configurable)
ConfigurableTorchModule (class in ecgan.utils.configurable)
configure() (ecgan.anomaly_detection.detector.classification_detector.ArgmaxClassifierDetector static method)
(ecgan.anomaly_detection.detector.reconstruction_detector.GANAnomalyDetector static method)
(ecgan.anomaly_detection.detector.reconstruction_detector.GANInverseAnomalyDetector static method)
(ecgan.config.configs.AnomalyDetectionConfig static method)
(ecgan.config.dataclasses.PreprocessingConfig static method)
(ecgan.config.dataclasses.SinePreprocessingConfig static method)
(ecgan.config.dataclasses.SyntheticPreprocessingConfig static method)
(ecgan.config.dataclasses.TrainerConfig static method)
(ecgan.modules.classifiers.nn_classifier.CNNClassifier static method)
(ecgan.modules.classifiers.nn_classifier.RNNClassifier static method)
(ecgan.modules.generative.aegan.AEGAN static method)
(ecgan.modules.generative.base.gan_module.BaseGANModule static method)
(ecgan.modules.generative.dcgan.DCGAN static method)
(ecgan.modules.generative.rdcgan.RDCGAN static method)
(ecgan.modules.generative.rgan.RGAN static method)
(ecgan.modules.generative.vaegan.VAEGAN static method)
(ecgan.modules.inverse_mapping.vanilla_inverse_mapping.SimpleGANInverseMapping static method)
(ecgan.networks.beatgan.BeatganDiscriminator static method)
(ecgan.networks.beatgan.BeatganGenerator static method)
(ecgan.networks.beatgan.BeatganInverseEncoder static method)
(ecgan.networks.cnn.ConvolutionalNeuralNetwork static method)
(ecgan.networks.cnn.DownsampleCNN static method)
(ecgan.networks.dcgan.DCGANDiscriminator static method)
(ecgan.networks.dcgan.DCGANGenerator static method)
(ecgan.networks.rgan.RGANDiscriminator static method)
(ecgan.networks.rgan.RGANGenerator static method)
(ecgan.networks.rnn.RecurrentNeuralNetwork static method)
(ecgan.networks.vaegan.VAEEncoder static method)
(ecgan.preprocessing.data_retrieval.CMUMoCapDataRetriever static method)
(ecgan.preprocessing.data_retrieval.DataRetriever static method)
(ecgan.preprocessing.data_retrieval.ElectricDevicesDataRetriever static method)
(ecgan.preprocessing.data_retrieval.ExtendedCMUMoCapDataRetriever static method)
(ecgan.preprocessing.data_retrieval.MitbihBeatganDataRetriever static method)
(ecgan.preprocessing.data_retrieval.MitbihDataRetriever static method)
(ecgan.preprocessing.data_retrieval.MitbihExtractedBeatsDataRetriever static method)
(ecgan.preprocessing.data_retrieval.PtbExtractedBeatsDataRetriever static method)
(ecgan.preprocessing.data_retrieval.ShaoxingDataRetriever static method)
(ecgan.preprocessing.data_retrieval.SineDataRetriever static method)
(ecgan.preprocessing.data_retrieval.WaferDataRetriever static method)
(ecgan.utils.configurable.Configurable static method)
(ecgan.utils.configurable.ConfigurableTorchModule static method)
(ecgan.utils.losses.AEGANDiscriminatorLoss static method)
(ecgan.utils.losses.AEGANGeneratorLoss static method)
(ecgan.utils.losses.AutoEncoderLoss static method)
(ecgan.utils.losses.BceDiscriminatorLoss static method)
(ecgan.utils.losses.BceGeneratorLoss static method)
(ecgan.utils.losses.BCELoss static method)
(ecgan.utils.losses.CrossEntropyLoss static method)
(ecgan.utils.losses.GANBaseLoss static method)
(ecgan.utils.losses.KLLoss static method)
(ecgan.utils.losses.L2Loss static method)
(ecgan.utils.losses.SupervisedLoss static method)
(ecgan.utils.losses.VAEGANGeneratorLoss static method)
(ecgan.utils.losses.VariationalAutoEncoderLoss static method)
(ecgan.utils.losses.WassersteinDiscriminatorLoss static method)
(ecgan.utils.losses.WassersteinGeneratorLoss static method)
(ecgan.utils.optimizer.AdaBelief static method)
(ecgan.utils.optimizer.Adam static method)
(ecgan.utils.optimizer.BaseOptimizer static method)
(ecgan.utils.optimizer.Momentum static method)
(ecgan.utils.optimizer.RMSprop static method)
(ecgan.utils.optimizer.StochasticGradientDescent static method)
conv1d_block() (in module ecgan.networks.helpers)
conv1d_trans_block() (in module ecgan.networks.helpers)
conv_norm_relu() (in module ecgan.networks.helpers)
convert_wandb_config() (in module ecgan.utils.miscellaneous)
ConvolutionalNeuralNetwork (class in ecgan.networks.cnn)
CosineSimilarityCriterion (class in ecgan.utils.reconstruction_criteria)
count_nonzero() (in module ecgan.utils.label)
create_5_hidden_layer_convnet() (in module ecgan.networks.helpers)
create_embedding() (ecgan.anomaly_detection.anomaly_manager.AnomalyManager method)
create_error_plot() (ecgan.visualization.plotter.BasePlotter static method)
create_histogram() (ecgan.visualization.plotter.BasePlotter static method)
create_plot() (ecgan.visualization.plotter.BasePlotter method)
(ecgan.visualization.plotter.FourierPlotter method)
create_splits() (in module ecgan.utils.splitting)
create_transpose_conv_net() (in module ecgan.networks.helpers)
criterion (ecgan.modules.classifiers.nn_classifier.NNClassifier property)
criterion_disc (ecgan.modules.generative.aegan.AEGAN property)
(ecgan.modules.generative.base.gan_module.BaseGANModule property)
criterion_gen (ecgan.modules.generative.aegan.AEGAN property)
(ecgan.modules.generative.base.gan_module.BaseGANModule property)
(ecgan.modules.generative.vaegan.VAEGAN property)
CrossEntropyLoss (class in ecgan.utils.losses)
D
DataCleanser (class in ecgan.preprocessing.cleansing)
DataRetriever (class in ecgan.preprocessing.data_retrieval)
DataRetrieverFactory (class in ecgan.preprocessing.data_retrieval)
DataSampler (class in ecgan.utils.sampler)
Dataset (class in ecgan.utils.datasets)
DatasetFactory (class in ecgan.utils.datasets)
DataTransformation (class in ecgan.utils.transformation)
DCGAN (class in ecgan.modules.generative.dcgan)
DCGANDiscriminator (class in ecgan.networks.dcgan)
DCGANGenerator (class in ecgan.networks.dcgan)
detect() (ecgan.anomaly_detection.detector.base_detector.AnomalyDetector method)
(ecgan.anomaly_detection.detector.reconstruction_detector.GANAnomalyDetector method)
(in module ecgan.manager)
detection_parser() (in module ecgan.utils.parser)
DetectionConfig (class in ecgan.config.dataclasses)
DetectionConfigFactory (class in ecgan.config.configs)
discriminate() (ecgan.anomaly_detection.anomaly_assessment.FeatureMatchingInferenceDiscriminator method)
(ecgan.anomaly_detection.anomaly_assessment.InferenceDiscriminator method)
(ecgan.anomaly_detection.anomaly_assessment.LogInferenceDiscriminator method)
(ecgan.anomaly_detection.anomaly_assessment.RawInferenceDiscriminator method)
DiscriminationStrategy (class in ecgan.utils.custom_types)
discriminator (ecgan.modules.generative.base.gan_module.BaseGANModule property)
discriminator_sampler (ecgan.modules.generative.base.encoder_gan_module.BaseEncoderGANModule property)
(ecgan.modules.generative.base.gan_module.BaseGANModule property)
DiscriminatorFactory (class in ecgan.anomaly_detection.anomaly_assessment)
DiscriminatorSampler (class in ecgan.utils.sampler)
DistanceMetric (class in ecgan.utils.distances)
downsample_largest_triangle_three_buckets() (in module ecgan.preprocessing.sampling)
DownsampleCNN (class in ecgan.networks.cnn)
downsampling_fixed_sample_rate() (in module ecgan.preprocessing.sampling)
draw_interpolation_path() (ecgan.anomaly_detection.embedder.Embedder method)
(ecgan.anomaly_detection.embedder.UMAPEmbedder method)
E
ecgan.anomaly_detection.anomaly_assessment
module
ecgan.anomaly_detection.anomaly_manager
module
ecgan.anomaly_detection.detector
module
ecgan.anomaly_detection.detector.base_detector
module
ecgan.anomaly_detection.detector.classification_detector
module
ecgan.anomaly_detection.detector.detector_factory
module
ecgan.anomaly_detection.detector.reconstruction_detector
module
ecgan.anomaly_detection.embedder
module
ecgan.anomaly_detection.reconstruction
module
ecgan.cli
module
ecgan.config
module
ecgan.config.configs
module
ecgan.config.dataclasses
module
ecgan.config.global_cfg
module
ecgan.config.helpers
module
ecgan.config.initialization
module
ecgan.config.nested_dataclass
module
ecgan.evaluation.metrics
module
ecgan.evaluation.metrics.classification
module
ecgan.evaluation.metrics.mmd
module
ecgan.evaluation.metrics.tstr
module
ecgan.evaluation.optimization
module
ecgan.evaluation.tracker
module
ecgan.evaluation.tracker.base_tracker
module
ecgan.evaluation.tracker.local_tracker
module
ecgan.evaluation.tracker.tracker_factory
module
ecgan.evaluation.tracker.wb_tracker
module
ecgan.manager
module
ecgan.modules.base
module
ecgan.modules.classifiers.base
module
ecgan.modules.classifiers.nn_classifier
module
ecgan.modules.generative.aegan
module
ecgan.modules.generative.base.encoder_gan_module
module
ecgan.modules.generative.base.gan_module
module
ecgan.modules.generative.base.generative_module
module
ecgan.modules.generative.dcgan
module
ecgan.modules.generative.rdcgan
module
ecgan.modules.generative.rgan
module
ecgan.modules.generative.vaegan
module
ecgan.modules.inverse_mapping.inverse_mapping
module
ecgan.modules.inverse_mapping.inversion
module
ecgan.modules.inverse_mapping.vanilla_inverse_mapping
module
ecgan.networks
module
ecgan.networks.beatgan
module
ecgan.networks.cnn
module
ecgan.networks.dcgan
module
ecgan.networks.helpers
module
ecgan.networks.rgan
module
ecgan.networks.rnn
module
ecgan.networks.vaegan
module
ecgan.preprocessing
module
ecgan.preprocessing.cleansing
module
ecgan.preprocessing.data_retrieval
module
ecgan.preprocessing.preprocessor
module
ecgan.preprocessing.sampling
module
ecgan.training
module
ecgan.training.datasets
module
ecgan.training.trainer
module
ecgan.utils.artifacts
module
ecgan.utils.configurable
module
ecgan.utils.custom_types
module
ecgan.utils.datasets
module
ecgan.utils.distances
module
ecgan.utils.distributions
module
ecgan.utils.embeddings
module
ecgan.utils.interpolation
module
ecgan.utils.label
module
ecgan.utils.layers
module
ecgan.utils.log
module
ecgan.utils.losses
module
ecgan.utils.miscellaneous
module
ecgan.utils.optimizer
module
ecgan.utils.parser
module
ecgan.utils.plotting
module
ecgan.utils.reconstruction_criteria
module
ecgan.utils.sampler
module
ecgan.utils.splitting
module
ecgan.utils.timer
module
ecgan.utils.transformation
module
ecgan.visualization
module
ecgan.visualization.evaluation
module
ecgan.visualization.plotter
module
ElectricDevicesDataRetriever (class in ecgan.preprocessing.data_retrieval)
ElectricDevicesDataset (class in ecgan.utils.datasets)
ElectricDevicesPreprocessor (class in ecgan.preprocessing.preprocessor)
embed() (ecgan.anomaly_detection.embedder.Embedder method)
embed_test() (ecgan.anomaly_detection.embedder.Embedder method)
Embedder (class in ecgan.anomaly_detection.embedder)
EncoderBasedGeneratorSampler (class in ecgan.utils.sampler)
EncoderDecoderSampler (class in ecgan.utils.sampler)
evaluate_performance() (ecgan.anomaly_detection.anomaly_manager.AnomalyManager method)
ExtendedCMUMoCapDataRetriever (class in ecgan.preprocessing.data_retrieval)
ExtendedCMUMoCapDataset (class in ecgan.utils.datasets)
ExtendedCMUMoCapPreprocessor (class in ecgan.preprocessing.preprocessor)
extract_data() (ecgan.preprocessing.data_retrieval.ElectricDevicesDataRetriever method)
(ecgan.preprocessing.data_retrieval.MitbihBeatganDataRetriever method)
(ecgan.preprocessing.data_retrieval.ShaoxingDataRetriever method)
(ecgan.preprocessing.data_retrieval.UrlDataRetriever method)
ExtractedBeatsPreprocessor (class in ecgan.preprocessing.preprocessor)
F
FeatureDiscriminatorSampler (class in ecgan.utils.sampler)
FeatureMatchingInferenceDiscriminator (class in ecgan.anomaly_detection.anomaly_assessment)
FFTTransformation (class in ecgan.utils.transformation)
FileArtifact (class in ecgan.utils.artifacts)
fit() (ecgan.evaluation.metrics.tstr.TSTRClassifier method)
(ecgan.evaluation.metrics.tstr.TSTRCNN method)
(ecgan.evaluation.metrics.tstr.TSTRRandomForest method)
(ecgan.evaluation.metrics.tstr.TSTRSVM method)
(ecgan.training.trainer.Trainer method)
(ecgan.utils.transformation.DataTransformation method)
fit_transform() (ecgan.utils.transformation.DataTransformation method)
forward() (ecgan.networks.beatgan.BeatganDiscriminator method)
(ecgan.networks.beatgan.BeatganGenerator method)
(ecgan.networks.beatgan.BeatganInverseEncoder method)
(ecgan.networks.cnn.ConvolutionalNeuralNetwork method)
(ecgan.networks.cnn.DownsampleCNN method)
(ecgan.networks.dcgan.DCGANDiscriminator method)
(ecgan.networks.dcgan.DCGANGenerator method)
(ecgan.networks.rgan.RGANDiscriminator method)
(ecgan.networks.rgan.RGANGenerator method)
(ecgan.networks.rnn.RecurrentNeuralNetwork method)
(ecgan.networks.vaegan.VAEEncoder method)
(ecgan.utils.layers.MinibatchDiscrimination method)
(ecgan.utils.layers.MinibatchDiscriminationSimple static method)
(ecgan.utils.losses.AEGANDiscriminatorLoss method)
(ecgan.utils.losses.AEGANGeneratorLoss method)
(ecgan.utils.losses.AutoEncoderLoss method)
(ecgan.utils.losses.BceDiscriminatorLoss method)
(ecgan.utils.losses.BceGeneratorLoss method)
(ecgan.utils.losses.GANBaseLoss method)
(ecgan.utils.losses.KLLoss static method)
(ecgan.utils.losses.SupervisedLoss method)
(ecgan.utils.losses.VAEGANGeneratorLoss method)
(ecgan.utils.losses.VariationalAutoEncoderLoss method)
(ecgan.utils.losses.WassersteinDiscriminatorLoss method)
(ecgan.utils.losses.WassersteinGeneratorLoss method)
FourierPlotter (class in ecgan.visualization.plotter)
from_config() (ecgan.visualization.plotter.PlotterFactory static method)
FScoreMetric (class in ecgan.evaluation.metrics.classification)
G
GANAnomalyDetector (class in ecgan.anomaly_detection.detector.reconstruction_detector)
GANBaseLoss (class in ecgan.utils.losses)
GANInverseAnomalyDetector (class in ecgan.anomaly_detection.detector.reconstruction_detector)
GANLossFactory (class in ecgan.utils.losses)
gaussian_kernel() (ecgan.evaluation.metrics.mmd.MaxMeanDiscrepancy method)
generate_config_file() (ecgan.config.configs.Config method)
generate_seed() (in module ecgan.utils.miscellaneous)
generator (ecgan.modules.generative.base.gan_module.BaseGANModule property)
generator_sampler (ecgan.modules.generative.base.encoder_gan_module.BaseEncoderGANModule property)
(ecgan.modules.generative.base.gan_module.BaseGANModule property)
(ecgan.modules.generative.vaegan.VAEGAN property)
GeneratorSampler (class in ecgan.utils.sampler)
get_() (in module ecgan.config.helpers)
get_anomaly_score() (in module ecgan.anomaly_detection.anomaly_assessment)
get_classification_metrics() (ecgan.modules.classifiers.base.BaseClassifier static method)
get_dataset_size() (ecgan.utils.sampler.DataSampler method)
get_global_ad_config() (in module ecgan.config.global_cfg)
get_global_config() (in module ecgan.config.global_cfg)
get_global_inv_config() (in module ecgan.config.global_cfg)
get_global_inv_config_attribs() (in module ecgan.config.global_cfg)
get_gradient_penalty() (ecgan.utils.losses.WassersteinDiscriminatorLoss method)
get_initial_embedding() (ecgan.anomaly_detection.embedder.Embedder method)
(ecgan.anomaly_detection.embedder.UMAPEmbedder method)
get_interpolated_samples() (ecgan.modules.generative.base.encoder_gan_module.BaseEncoderGANModule method)
get_inv_run_config() (in module ecgan.config.helpers)
get_kl_weight() (ecgan.modules.generative.vaegan.VAEGAN method)
get_meta() (ecgan.preprocessing.data_retrieval.ElectricDevicesDataRetriever method)
(ecgan.preprocessing.data_retrieval.MitbihBeatganDataRetriever method)
(ecgan.preprocessing.data_retrieval.ShaoxingDataRetriever method)
(ecgan.preprocessing.data_retrieval.UrlDataRetriever method)
get_mmd() (ecgan.modules.generative.base.generative_module.BaseGenerativeModule method)
get_model_path() (in module ecgan.config.helpers)
get_num_workers() (in module ecgan.utils.miscellaneous)
get_params() (ecgan.utils.transformation.MinMaxTransformation method)
get_plot() (ecgan.anomaly_detection.embedder.Embedder method)
(ecgan.anomaly_detection.embedder.UMAPEmbedder method)
get_pointwise_anomaly_score_anogan() (in module ecgan.anomaly_detection.anomaly_assessment)
get_reconstructed_data() (ecgan.anomaly_detection.detector.reconstruction_detector.ReconstructionDetector method)
get_reconstruction_criterion() (in module ecgan.utils.reconstruction_criteria)
get_run_config() (in module ecgan.config.helpers)
get_sample() (ecgan.modules.generative.aegan.AEGAN method)
(ecgan.modules.generative.base.gan_module.BaseGANModule method)
(ecgan.modules.generative.base.generative_module.BaseGenerativeModule method)
get_sampling_grid() (ecgan.visualization.plotter.BasePlotter method)
(ecgan.visualization.plotter.FourierPlotter method)
get_split() (ecgan.training.trainer.Trainer method)
get_transformation() (in module ecgan.utils.transformation)
get_tstr() (ecgan.modules.generative.base.generative_module.BaseGenerativeModule method)
get_weighted_error() (in module ecgan.evaluation.optimization)
I
ImageArtifact (class in ecgan.utils.artifacts)
infer_sigma() (ecgan.evaluation.metrics.mmd.MaxMeanDiscrepancy method)
InferenceDiscriminator (class in ecgan.anomaly_detection.anomaly_assessment)
init() (in module ecgan.manager)
init_parser() (in module ecgan.utils.parser)
initialize_batchnorm() (in module ecgan.utils.layers)
initialize_weights() (in module ecgan.utils.layers)
InputNormalization (class in ecgan.utils.custom_types)
interpolate() (in module ecgan.preprocessing.sampling)
InterpolationReconstructor (class in ecgan.anomaly_detection.reconstruction)
inverse() (in module ecgan.manager)
inverse_parser() (in module ecgan.utils.parser)
inverse_train() (in module ecgan.modules.inverse_mapping.inversion)
InverseConfig (class in ecgan.config.configs)
InverseMappingReconstructor (class in ecgan.anomaly_detection.reconstruction)
InverseMappingType (class in ecgan.utils.custom_types)
invert() (ecgan.modules.inverse_mapping.inverse_mapping.InvertibleBaseModule method)
(ecgan.modules.inverse_mapping.vanilla_inverse_mapping.SimpleGANInverseMapping method)
InvertibleBaseModule (class in ecgan.modules.inverse_mapping.inverse_mapping)
is_normalization_layer() (in module ecgan.utils.layers)
is_wandb_model_link() (in module ecgan.utils.miscellaneous)
K
KaggleDataRetriever (class in ecgan.preprocessing.data_retrieval)
KLLoss (class in ecgan.utils.losses)
L
L1Distance (class in ecgan.utils.distances)
L2Distance (class in ecgan.utils.distances)
L2Loss (class in ecgan.utils.losses)
label() (in module ecgan.utils.label)
label_absolute() (in module ecgan.utils.label)
label_data_by_summation() (in module ecgan.utils.label)
label_data_by_variance() (in module ecgan.utils.label)
label_generated_data_pointwise() (in module ecgan.utils.label)
label_score_get_best() (in module ecgan.evaluation.optimization)
LabelingStrategy (class in ecgan.utils.custom_types)
latent_walk() (in module ecgan.utils.interpolation)
LatentDistribution (class in ecgan.utils.custom_types)
LatentDistributionFactory (class in ecgan.utils.sampler)
list_from_tuple_list() (in module ecgan.utils.miscellaneous)
load() (ecgan.anomaly_detection.detector.base_detector.AnomalyDetector method)
(ecgan.anomaly_detection.detector.classification_detector.ClassificationDetector method)
(ecgan.anomaly_detection.detector.reconstruction_detector.GANAnomalyDetector method)
(ecgan.modules.base.BaseModule method)
(ecgan.modules.classifiers.nn_classifier.NNClassifier method)
(ecgan.modules.generative.base.encoder_gan_module.BaseEncoderGANModule method)
(ecgan.modules.generative.base.gan_module.BaseGANModule method)
(ecgan.modules.inverse_mapping.inverse_mapping.InvertibleBaseModule method)
(ecgan.preprocessing.data_retrieval.DataRetriever method)
(ecgan.preprocessing.data_retrieval.KaggleDataRetriever method)
(ecgan.preprocessing.data_retrieval.SineDataRetriever method)
(ecgan.preprocessing.data_retrieval.UrlDataRetriever method)
load_config() (ecgan.evaluation.tracker.base_tracker.BaseTracker method)
(ecgan.evaluation.tracker.local_tracker.LocalTracker method)
(ecgan.evaluation.tracker.wb_tracker.WBTracker method)
load_existing_optim() (ecgan.utils.optimizer.BaseOptimizer method)
load_model() (in module ecgan.utils.miscellaneous)
load_pickle() (in module ecgan.utils.miscellaneous)
load_pickle_numpy() (in module ecgan.utils.miscellaneous)
load_split() (in module ecgan.utils.splitting)
load_wandb_config() (in module ecgan.utils.miscellaneous)
load_yml() (in module ecgan.utils.miscellaneous)
LocalTracker (class in ecgan.evaluation.tracker.local_tracker)
log_artifacts() (ecgan.evaluation.tracker.base_tracker.BaseTracker method)
(ecgan.evaluation.tracker.local_tracker.LocalTracker method)
(ecgan.evaluation.tracker.wb_tracker.WBTracker method)
log_checkpoint() (ecgan.evaluation.tracker.base_tracker.BaseTracker method)
(ecgan.evaluation.tracker.local_tracker.LocalTracker method)
(ecgan.evaluation.tracker.wb_tracker.WBTracker method)
log_config() (ecgan.evaluation.tracker.base_tracker.BaseTracker method)
(ecgan.evaluation.tracker.local_tracker.LocalTracker method)
(ecgan.evaluation.tracker.wb_tracker.WBTracker method)
log_metrics() (ecgan.evaluation.tracker.base_tracker.BaseTracker method)
(ecgan.evaluation.tracker.local_tracker.LocalTracker method)
(ecgan.evaluation.tracker.wb_tracker.WBTracker method)
LogInferenceDiscriminator (class in ecgan.anomaly_detection.anomaly_assessment)
LossConfig (class in ecgan.config.dataclasses)
Losses (class in ecgan.utils.custom_types)
M
matplotlib_prep() (in module ecgan.visualization.plotter)
matplotlib_render_to_array() (in module ecgan.utils.plotting)
MaxMeanDiscrepancy (class in ecgan.evaluation.metrics.mmd)
MCCMetric (class in ecgan.evaluation.metrics.classification)
merge_dicts() (in module ecgan.utils.miscellaneous)
MetricOptimization (class in ecgan.utils.custom_types)
MetricType (class in ecgan.utils.custom_types)
MinibatchDiscrimination (class in ecgan.utils.layers)
MinibatchDiscriminationSimple (class in ecgan.utils.layers)
MinkowskiDistance (class in ecgan.utils.distances)
MinMaxTransformation (class in ecgan.utils.transformation)
MitbihBeatganDataRetriever (class in ecgan.preprocessing.data_retrieval)
MitbihBeatganDataset (class in ecgan.utils.datasets)
MitbihBeatganPreprocessor (class in ecgan.preprocessing.preprocessor)
MitbihDataRetriever (class in ecgan.preprocessing.data_retrieval)
MitbihDataset (class in ecgan.utils.datasets)
MitbihExtractedBeatsDataRetriever (class in ecgan.preprocessing.data_retrieval)
MitbihExtractedBeatsDataset (class in ecgan.utils.datasets)
MitbihExtractedBeatsPreprocessor (class in ecgan.preprocessing.preprocessor)
mixed_split() (in module ecgan.utils.splitting)
module
ecgan.anomaly_detection.anomaly_assessment
ecgan.anomaly_detection.anomaly_manager
ecgan.anomaly_detection.detector
ecgan.anomaly_detection.detector.base_detector
ecgan.anomaly_detection.detector.classification_detector
ecgan.anomaly_detection.detector.detector_factory
ecgan.anomaly_detection.detector.reconstruction_detector
ecgan.anomaly_detection.embedder
ecgan.anomaly_detection.reconstruction
ecgan.cli
ecgan.config
ecgan.config.configs
ecgan.config.dataclasses
ecgan.config.global_cfg
ecgan.config.helpers
ecgan.config.initialization
ecgan.config.nested_dataclass
ecgan.evaluation.metrics
ecgan.evaluation.metrics.classification
ecgan.evaluation.metrics.mmd
ecgan.evaluation.metrics.tstr
ecgan.evaluation.optimization
ecgan.evaluation.tracker
ecgan.evaluation.tracker.base_tracker
ecgan.evaluation.tracker.local_tracker
ecgan.evaluation.tracker.tracker_factory
ecgan.evaluation.tracker.wb_tracker
ecgan.manager
ecgan.modules.base
ecgan.modules.classifiers.base
ecgan.modules.classifiers.nn_classifier
ecgan.modules.generative.aegan
ecgan.modules.generative.base.encoder_gan_module
ecgan.modules.generative.base.gan_module
ecgan.modules.generative.base.generative_module
ecgan.modules.generative.dcgan
ecgan.modules.generative.rdcgan
ecgan.modules.generative.rgan
ecgan.modules.generative.vaegan
ecgan.modules.inverse_mapping.inverse_mapping
ecgan.modules.inverse_mapping.inversion
ecgan.modules.inverse_mapping.vanilla_inverse_mapping
ecgan.networks
ecgan.networks.beatgan
ecgan.networks.cnn
ecgan.networks.dcgan
ecgan.networks.helpers
ecgan.networks.rgan
ecgan.networks.rnn
ecgan.networks.vaegan
ecgan.preprocessing
ecgan.preprocessing.cleansing
ecgan.preprocessing.data_retrieval
ecgan.preprocessing.preprocessor
ecgan.preprocessing.sampling
ecgan.training
ecgan.training.datasets
ecgan.training.trainer
ecgan.utils.artifacts
ecgan.utils.configurable
ecgan.utils.custom_types
ecgan.utils.datasets
ecgan.utils.distances
ecgan.utils.distributions
ecgan.utils.embeddings
ecgan.utils.interpolation
ecgan.utils.label
ecgan.utils.layers
ecgan.utils.log
ecgan.utils.losses
ecgan.utils.miscellaneous
ecgan.utils.optimizer
ecgan.utils.parser
ecgan.utils.plotting
ecgan.utils.reconstruction_criteria
ecgan.utils.sampler
ecgan.utils.splitting
ecgan.utils.timer
ecgan.utils.transformation
ecgan.visualization
ecgan.visualization.evaluation
ecgan.visualization.plotter
ModuleConfigFactory (class in ecgan.config.configs)
Momentum (class in ecgan.utils.optimizer)
N
nested_dataclass() (in module ecgan.config.nested_dataclass)
nested_dataclass_asdict() (in module ecgan.config.nested_dataclass)
nested_list_from_dict_list() (in module ecgan.utils.miscellaneous)
NNClassifier (class in ecgan.modules.classifiers.nn_classifier)
NormalInitializationConfig (class in ecgan.config.dataclasses)
NoTransformation (class in ecgan.utils.transformation)
O
on_epoch_end() (ecgan.modules.base.BaseModule method)
(ecgan.modules.classifiers.nn_classifier.NNClassifier method)
(ecgan.modules.generative.base.encoder_gan_module.BaseEncoderGANModule method)
(ecgan.modules.generative.base.gan_module.BaseGANModule method)
(ecgan.modules.inverse_mapping.vanilla_inverse_mapping.SimpleGANInverseMapping method)
ones() (in module ecgan.utils.sampler)
optim_disc (ecgan.modules.generative.base.gan_module.BaseGANModule property)
optim_gen (ecgan.modules.generative.base.gan_module.BaseGANModule property)
optimize() (ecgan.utils.optimizer.BaseOptimizer method)
optimize_grid_search() (in module ecgan.evaluation.optimization)
optimize_metric() (in module ecgan.evaluation.optimization)
optimize_svm() (in module ecgan.evaluation.optimization)
optimize_tau_single_error() (in module ecgan.evaluation.optimization)
optimizer (ecgan.modules.classifiers.nn_classifier.NNClassifier property)
OptimizerConfig (class in ecgan.config.dataclasses)
OptimizerFactory (class in ecgan.utils.optimizer)
Optimizers (class in ecgan.utils.custom_types)
P
plot_interpolation_path() (ecgan.visualization.plotter.ScatterPlotter static method)
plot_scatter() (ecgan.visualization.plotter.ScatterPlotter static method)
PlotterFactory (class in ecgan.visualization.plotter)
PlotterType (class in ecgan.utils.custom_types)
predict() (ecgan.evaluation.metrics.tstr.TSTRClassifier method)
(ecgan.evaluation.metrics.tstr.TSTRCNN method)
(ecgan.evaluation.metrics.tstr.TSTRRandomForest method)
(ecgan.evaluation.metrics.tstr.TSTRSVM method)
prepare_data() (ecgan.training.trainer.Trainer static method)
preprocess() (ecgan.preprocessing.preprocessor.BasePreprocessor method)
(ecgan.preprocessing.preprocessor.CMUMoCapPreprocessor method)
(ecgan.preprocessing.preprocessor.ElectricDevicesPreprocessor method)
(ecgan.preprocessing.preprocessor.ExtendedCMUMoCapPreprocessor method)
(ecgan.preprocessing.preprocessor.ExtractedBeatsPreprocessor method)
(ecgan.preprocessing.preprocessor.MitbihBeatganPreprocessor method)
(ecgan.preprocessing.preprocessor.ShaoxingPreprocessor method)
(ecgan.preprocessing.preprocessor.WaferPreprocessor method)
(in module ecgan.manager)
PreprocessingConfig (class in ecgan.config.dataclasses)
PreprocessingConfigFactory (class in ecgan.config.configs)
PreprocessorFactory (class in ecgan.preprocessing.preprocessor)
print_metric() (ecgan.modules.base.BaseModule class method)
PtbExtractedBeatsDataRetriever (class in ecgan.preprocessing.data_retrieval)
PTBExtractedBeatsDataset (class in ecgan.utils.datasets)
PtbExtractedBeatsPreprocessor (class in ecgan.preprocessing.preprocessor)
Q
query_svm() (in module ecgan.evaluation.optimization)
R
RawInferenceDiscriminator (class in ecgan.anomaly_detection.anomaly_assessment)
rbf_kernel() (in module ecgan.utils.reconstruction_criteria)
RBFSimilarityCriterion (class in ecgan.utils.reconstruction_criteria)
RDCGAN (class in ecgan.modules.generative.rdcgan)
reconstruct() (ecgan.anomaly_detection.reconstruction.InterpolationReconstructor method)
(ecgan.anomaly_detection.reconstruction.InverseMappingReconstructor method)
(ecgan.anomaly_detection.reconstruction.Reconstructor method)
ReconstructionDetector (class in ecgan.anomaly_detection.detector.reconstruction_detector)
ReconstructionType (class in ecgan.utils.custom_types)
Reconstructor (class in ecgan.anomaly_detection.reconstruction)
ReconstructorFactory (class in ecgan.anomaly_detection.reconstruction)
RecurrentNeuralNetwork (class in ecgan.networks.rnn)
resample() (in module ecgan.preprocessing.sampling)
retrieve_fold_from_existing_split() (in module ecgan.preprocessing.data_retrieval)
retrieve_labels_from_weights() (in module ecgan.evaluation.optimization)
retrieve_model_specification() (in module ecgan.utils.miscellaneous)
RGAN (class in ecgan.modules.generative.rgan)
RGANDiscriminator (class in ecgan.networks.rgan)
RGANGenerator (class in ecgan.networks.rgan)
RGANMedianPairwiseDistance (class in ecgan.utils.distances)
RganMmdCriterion (class in ecgan.utils.reconstruction_criteria)
RMSprop (class in ecgan.utils.optimizer)
RNNClassifier (class in ecgan.modules.classifiers.nn_classifier)
run_detection() (in module ecgan.cli)
run_init() (in module ecgan.cli)
run_inverse() (in module ecgan.cli)
run_preprocessing() (in module ecgan.cli)
run_training() (in module ecgan.cli)
S
sample() (ecgan.training.datasets.BaseDataset method)
(ecgan.utils.distributions.TruncatedNormal method)
(ecgan.utils.sampler.BaseSampler method)
(ecgan.utils.sampler.DataSampler method)
(ecgan.utils.sampler.DiscriminatorSampler method)
(ecgan.utils.sampler.EncoderDecoderSampler method)
(ecgan.utils.sampler.FeatureDiscriminatorSampler method)
(ecgan.utils.sampler.GeneratorSampler method)
sample_class() (ecgan.utils.sampler.DataSampler method)
sample_encoder() (ecgan.utils.sampler.EncoderBasedGeneratorSampler method)
(ecgan.utils.sampler.VAEGANGeneratorSampler method)
sample_eps() (ecgan.utils.sampler.VAEGANGeneratorSampler method)
sample_features() (ecgan.utils.sampler.FeatureDiscriminatorSampler method)
sample_generator_encoder() (ecgan.utils.sampler.EncoderBasedGeneratorSampler method)
sample_label_ones() (ecgan.utils.sampler.BaseSampler method)
sample_label_zeros() (ecgan.utils.sampler.BaseSampler method)
sample_mu_logvar() (ecgan.utils.sampler.VAEGANGeneratorSampler method)
sample_pre_computed() (ecgan.utils.sampler.VAEGANGeneratorSampler method)
sample_score_features() (ecgan.utils.sampler.FeatureDiscriminatorSampler method)
sample_z() (ecgan.utils.sampler.EncoderBasedGeneratorSampler method)
(ecgan.utils.sampler.EncoderDecoderSampler method)
(ecgan.utils.sampler.GeneratorSampler method)
(ecgan.utils.sampler.VAEGANGeneratorSampler method)
SampleDataset (class in ecgan.utils.custom_types)
SamplewiseMinmaxTransformation (class in ecgan.utils.transformation)
SamplingAlgorithm (class in ecgan.utils.custom_types)
save() (ecgan.anomaly_detection.detector.base_detector.AnomalyDetector method)
(ecgan.preprocessing.preprocessor.BasePreprocessor method)
save_checkpoint() (ecgan.modules.base.BaseModule method)
(ecgan.modules.classifiers.nn_classifier.NNClassifier method)
(ecgan.modules.generative.base.encoder_gan_module.BaseEncoderGANModule method)
(ecgan.modules.generative.base.gan_module.BaseGANModule method)
(ecgan.modules.inverse_mapping.inverse_mapping.InvertibleBaseModule method)
save_epoch() (in module ecgan.utils.miscellaneous)
save_pickle() (in module ecgan.utils.miscellaneous)
save_plot() (ecgan.visualization.plotter.BasePlotter static method)
save_sampling_grid() (ecgan.visualization.plotter.BasePlotter method)
save_tensor() (in module ecgan.utils.miscellaneous)
scale_to_unit_circle() (in module ecgan.utils.miscellaneous)
scale_weights() (in module ecgan.utils.miscellaneous)
ScatterPlotter (class in ecgan.visualization.plotter)
select_channels() (in module ecgan.utils.splitting)
select_device() (in module ecgan.utils.miscellaneous)
SeriesDataset (class in ecgan.training.datasets)
set_dataset() (ecgan.utils.sampler.DataSampler method)
set_fixed_samples() (ecgan.modules.generative.base.encoder_gan_module.BaseEncoderGANModule method)
set_global_ad_config() (in module ecgan.config.global_cfg)
set_global_config() (in module ecgan.config.global_cfg)
set_global_inv_config() (in module ecgan.config.global_cfg)
set_log_level() (in module ecgan.utils.log)
set_param_group() (ecgan.utils.optimizer.BaseOptimizer method)
set_params() (ecgan.utils.transformation.MinMaxTransformation method)
setup_logger() (in module ecgan.utils.log)
ShaoxingDataRetriever (class in ecgan.preprocessing.data_retrieval)
ShaoxingDataset (class in ecgan.utils.datasets)
ShaoxingPreprocessor (class in ecgan.preprocessing.preprocessor)
should_cleanse() (ecgan.preprocessing.cleansing.DataCleanser method)
SimilarityCriterions (class in ecgan.utils.reconstruction_criteria)
SimilarityMeasures (class in ecgan.utils.custom_types)
SimpleGANInverseMapping (class in ecgan.modules.inverse_mapping.vanilla_inverse_mapping)
SineDataRetriever (class in ecgan.preprocessing.data_retrieval)
SineDataset (class in ecgan.utils.datasets)
SinePreprocessingConfig (class in ecgan.config.dataclasses)
SklearnAveragingOptions (class in ecgan.utils.custom_types)
SklearnSVMKernels (class in ecgan.utils.custom_types)
slerp() (in module ecgan.utils.interpolation)
spherical_interpolation() (in module ecgan.utils.interpolation)
SplitMethods (class in ecgan.utils.custom_types)
StandardizationTransformation (class in ecgan.utils.transformation)
start_detection() (ecgan.anomaly_detection.anomaly_manager.AnomalyManager method)
state_dict() (ecgan.utils.optimizer.BaseOptimizer method)
step() (ecgan.utils.optimizer.BaseOptimizer method)
StochasticGradientDescent (class in ecgan.utils.optimizer)
SupervisedLoss (class in ecgan.utils.losses)
SupervisedLossFactory (class in ecgan.utils.losses)
SupportedModules (class in ecgan.utils.custom_types)
SyntheticPreprocessingConfig (class in ecgan.config.dataclasses)
T
Timer (class in ecgan.utils.timer)
to_numpy() (in module ecgan.utils.miscellaneous)
to_torch() (in module ecgan.utils.miscellaneous)
track_batch() (ecgan.anomaly_detection.detector.reconstruction_detector.GANAnomalyDetector method)
TrackerFactory (class in ecgan.evaluation.tracker.tracker_factory)
TrackerType (class in ecgan.utils.custom_types)
TrackingConfig (class in ecgan.config.dataclasses)
train() (ecgan.modules.inverse_mapping.inverse_mapping.InvertibleBaseModule method)
(in module ecgan.manager)
train_only_normal_split() (in module ecgan.utils.splitting)
TrainConfig (class in ecgan.config.configs)
Trainer (class in ecgan.training.trainer)
TrainerConfig (class in ecgan.config.dataclasses)
training_step() (ecgan.modules.base.BaseModule method)
(ecgan.modules.classifiers.nn_classifier.NNClassifier method)
(ecgan.modules.generative.base.encoder_gan_module.BaseEncoderGANModule method)
(ecgan.modules.generative.base.gan_module.BaseGANModule method)
(ecgan.modules.inverse_mapping.inverse_mapping.InvertibleBaseModule method)
transform() (ecgan.utils.transformation.DataTransformation method)
transform_1d() (ecgan.utils.transformation.SamplewiseMinmaxTransformation static method)
Transformation (class in ecgan.utils.custom_types)
transformation (ecgan.config.dataclasses.TrainerConfig property)
transpose() (in module ecgan.preprocessing.sampling)
truncate_colormap() (ecgan.visualization.plotter.ScatterPlotter static method)
TruncatedNormal (class in ecgan.utils.distributions)
TSTR (class in ecgan.evaluation.metrics.tstr)
TSTRClassifier (class in ecgan.evaluation.metrics.tstr)
TSTRClassifierFactory (class in ecgan.evaluation.metrics.tstr)
TSTRCNN (class in ecgan.evaluation.metrics.tstr)
TSTRRandomForest (class in ecgan.evaluation.metrics.tstr)
TSTRSVM (class in ecgan.evaluation.metrics.tstr)
U
UMAPEmbedder (class in ecgan.anomaly_detection.embedder)
UniformInitializationConfig (class in ecgan.config.dataclasses)
update_dicts() (in module ecgan.utils.miscellaneous)
update_highest_metrics() (in module ecgan.utils.miscellaneous)
UrlDataRetriever (class in ecgan.preprocessing.data_retrieval)
V
VAEEncoder (class in ecgan.networks.vaegan)
VAEGAN (class in ecgan.modules.generative.vaegan)
VAEGANGeneratorLoss (class in ecgan.utils.losses)
VAEGANGeneratorSampler (class in ecgan.utils.sampler)
validation_step() (ecgan.modules.base.BaseModule method)
(ecgan.modules.classifiers.nn_classifier.NNClassifier method)
(ecgan.modules.generative.base.encoder_gan_module.BaseEncoderGANModule method)
(ecgan.modules.generative.base.gan_module.BaseGANModule method)
(ecgan.modules.inverse_mapping.vanilla_inverse_mapping.SimpleGANInverseMapping method)
ValueArtifact (class in ecgan.utils.artifacts)
VariationalAutoEncoderLoss (class in ecgan.utils.losses)
verbose_channel_selection() (in module ecgan.utils.splitting)
visualize_reconstruction() (in module ecgan.visualization.plotter)
visualize_roc() (in module ecgan.visualization.evaluation)
W
WaferDataRetriever (class in ecgan.preprocessing.data_retrieval)
WaferDataset (class in ecgan.utils.datasets)
WaferPreprocessor (class in ecgan.preprocessing.preprocessor)
WassersteinDiscriminatorLoss (class in ecgan.utils.losses)
WassersteinGeneratorLoss (class in ecgan.utils.losses)
watch() (ecgan.evaluation.tracker.base_tracker.BaseTracker method)
(ecgan.evaluation.tracker.local_tracker.LocalTracker method)
(ecgan.evaluation.tracker.wb_tracker.WBTracker method)
watch_list (ecgan.modules.base.BaseModule property)
(ecgan.modules.classifiers.nn_classifier.NNClassifier property)
(ecgan.modules.generative.base.encoder_gan_module.BaseEncoderGANModule property)
(ecgan.modules.generative.base.gan_module.BaseGANModule property)
(ecgan.modules.inverse_mapping.vanilla_inverse_mapping.SimpleGANInverseMapping property)
WBTracker (class in ecgan.evaluation.tracker.wb_tracker)
WeightInitialization (class in ecgan.utils.custom_types)
WeightInitializationConfig (class in ecgan.config.dataclasses)
WhiteningTransformation (class in ecgan.utils.transformation)
Z
zero_grad() (ecgan.utils.optimizer.BaseOptimizer method)