marius.config
Configuration and options for API objects.
- class marius.config.ActivationFunction
Members:
RELU
SIGMOID
NONE
- NONE = <ActivationFunction.NONE: 2>
- RELU = <ActivationFunction.RELU: 0>
- SIGMOID = <ActivationFunction.SIGMOID: 1>
- property name
- property value
- class marius.config.AdagradOptions
- property eps
- property init_value
- property lr_decay
- property weight_decay
- class marius.config.AdamOptions
- property amsgrad
- property beta_1
- property beta_2
- property eps
- property weight_decay
- class marius.config.DatasetConfig
- property dataset_dir
- property node_feature_dim
- property num_classes
- property num_edges
- property num_nodes
- property num_relations
- property num_test
- property num_train
- property num_valid
- property rel_feature_dim
- class marius.config.DecoderOptions
- class marius.config.DecoderType
Members:
NODE
DISTMULT
TRANSE
COMPLEX
- COMPLEX = <DecoderType.COMPLEX: 3>
- DISTMULT = <DecoderType.DISTMULT: 1>
- NODE = <DecoderType.NODE: 0>
- TRANSE = <DecoderType.TRANSE: 2>
- property name
- property value
- class marius.config.DenseLayerType
Members:
NONE
LINEAR
CONV
- CONV = <DenseLayerType.CONV: 2>
- LINEAR = <DenseLayerType.LINEAR: 1>
- NONE = <DenseLayerType.NONE: 0>
- property name
- property value
- class marius.config.EdgeBucketOrdering
Members:
OLD_BETA
NEW_BETA
ALL_BETA
TWO_LEVEL_BETA
CUSTOM
- ALL_BETA = <EdgeBucketOrdering.ALL_BETA: 2>
- CUSTOM = <EdgeBucketOrdering.CUSTOM: 4>
- NEW_BETA = <EdgeBucketOrdering.NEW_BETA: 1>
- OLD_BETA = <EdgeBucketOrdering.OLD_BETA: 0>
- TWO_LEVEL_BETA = <EdgeBucketOrdering.TWO_LEVEL_BETA: 3>
- property name
- property value
- class marius.config.EdgeDecoderMethod
Members:
ONLY_POS
CORRUPT_NODE
- CORRUPT_NODE = <EdgeDecoderMethod.CORRUPT_NODE: 2>
- ONLY_POS = <EdgeDecoderMethod.ONLY_POS: 0>
- property name
- property value
- class marius.config.EmbeddingLayerOptions
- class marius.config.EncoderConfig
- property eval_neighbor_sampling
- property layers
- property train_neighbor_sampling
- class marius.config.EvaluationConfig
- property batch_size
- property epochs_per_eval
- property full_graph_evaluation
- property negative_sampling
- property pipeline
- class marius.config.FeatureLayerOptions
- class marius.config.GATLayerOptions
- property attention_dropout
- property average_heads
- property input_dropout
- property negative_slope
- property num_heads
- class marius.config.GNNLayerType
Members:
NONE
GRAPH_SAGE
GCN
GAT
RGCN
- GAT = <GNNLayerType.GAT: 3>
- GCN = <GNNLayerType.GCN: 2>
- GRAPH_SAGE = <GNNLayerType.GRAPH_SAGE: 1>
- NONE = <GNNLayerType.NONE: 0>
- RGCN = <GNNLayerType.RGCN: 4>
- property name
- property value
- class marius.config.GraphSageAggregator
Members:
GCN
MEAN
- GCN = <GraphSageAggregator.GCN: 0>
- MEAN = <GraphSageAggregator.MEAN: 1>
- property name
- property value
- class marius.config.InitDistribution
Members:
ZEROS
ONES
CONSTANT
UNIFORM
NORMAL
GLOROT_UNIFORM
GLOROT_NORMAL
- CONSTANT = <InitDistribution.CONSTANT: 2>
- GLOROT_NORMAL = <InitDistribution.GLOROT_NORMAL: 6>
- GLOROT_UNIFORM = <InitDistribution.GLOROT_UNIFORM: 5>
- NORMAL = <InitDistribution.NORMAL: 4>
- ONES = <InitDistribution.ONES: 1>
- UNIFORM = <InitDistribution.UNIFORM: 3>
- ZEROS = <InitDistribution.ZEROS: 0>
- property name
- property value
- class marius.config.InitOptions
- class marius.config.LayerConfig
- property activation
- property bias
- property bias_init
- property init
- property input_dim
- property optimizer
- property options
- property output_dim
- property type
- class marius.config.LayerOptions
- class marius.config.LayerType
Members:
NONE
EMBEDDING
FEATURE
GNN
DENSE
REDUCTION
- DENSE = <LayerType.DENSE: 4>
- EMBEDDING = <LayerType.EMBEDDING: 1>
- FEATURE = <LayerType.FEATURE: 2>
- GNN = <LayerType.GNN: 3>
- NONE = <LayerType.NONE: 0>
- REDUCTION = <LayerType.REDUCTION: 5>
- property name
- property value
- class marius.config.LearningTask
Members:
NODE_CLASSIFICATION
LINK_PREDICTION
ENCODE
- ENCODE = <LearningTask.ENCODE: 2>
- LINK_PREDICTION = <LearningTask.LINK_PREDICTION: 1>
- NODE_CLASSIFICATION = <LearningTask.NODE_CLASSIFICATION: 0>
- property name
- property value
- class marius.config.LossFunctionType
Members:
SOFTMAX_CE
RANKING
BCE_AFTER_SIGMOID
BCE_WITH_LOGITS
MSE
SOFTPLUS
- BCE_AFTER_SIGMOID = <LossFunctionType.BCE_AFTER_SIGMOID: 3>
- BCE_WITH_LOGITS = <LossFunctionType.BCE_WITH_LOGITS: 4>
- MSE = <LossFunctionType.MSE: 5>
- RANKING = <LossFunctionType.RANKING: 1>
- SOFTMAX_CE = <LossFunctionType.SOFTMAX_CE: 0>
- SOFTPLUS = <LossFunctionType.SOFTPLUS: 6>
- property name
- property value
- class marius.config.LossReduction
Members:
MEAN
SUM
- MEAN = <LossReduction.MEAN: 0>
- SUM = <LossReduction.SUM: 1>
- property name
- property value
- class marius.config.MariusConfig
- property evaluation
- property model
- property storage
- property training
- class marius.config.ModelConfig
- property decoder
- property dense_optimizer
- property encoder
- property learning_task
- property loss
- property random_seed
- property sparse_optimizer
- class marius.config.NegativeSamplingConfig
- property degree_fraction
- property filtered
- property negatives_per_positive
- property num_chunks
- class marius.config.NeighborSamplingConfig
- property options
- property type
- property use_hashmap_sets
- property use_incoming_nbrs
- property use_outgoing_nbrs
- class marius.config.NeighborSamplingLayer
Members:
ALL
UNIFORM
DROPOUT
- ALL = <NeighborSamplingLayer.ALL: 0>
- DROPOUT = <NeighborSamplingLayer.DROPOUT: 2>
- UNIFORM = <NeighborSamplingLayer.UNIFORM: 1>
- property name
- property value
- class marius.config.NeighborSamplingOptions
- class marius.config.NodePartitionOrdering
Members:
DISPERSED
SEQUENTIAL
CUSTOM
- CUSTOM = <NodePartitionOrdering.CUSTOM: 2>
- DISPERSED = <NodePartitionOrdering.DISPERSED: 0>
- SEQUENTIAL = <NodePartitionOrdering.SEQUENTIAL: 1>
- property name
- property value
- class marius.config.OptimizerType
Members:
SGD
ADAM
ADAGRAD
DEFAULT
- ADAGRAD = <OptimizerType.ADAGRAD: 2>
- ADAM = <OptimizerType.ADAM: 1>
- DEFAULT = <OptimizerType.DEFAULT: 3>
- SGD = <OptimizerType.SGD: 0>
- property name
- property value
- class marius.config.PartitionBufferOptions
- property buffer_capacity
- property edge_bucket_ordering
- property fine_to_coarse_ratio
- property node_partition_ordering
- property num_partitions
- property prefetching
- class marius.config.PipelineConfig
- property batch_device_queue_size
- property batch_host_queue_size
- property batch_loader_threads
- property batch_transfer_threads
- property compute_threads
- property gradient_transfer_threads
- property gradient_update_threads
- property gradients_device_queue_size
- property gradients_host_queue_size
- property staleness_bound
- property sync
- class marius.config.ReductionLayerType
Members:
NONE
CONCAT
LINEAR
- CONCAT = <ReductionLayerType.CONCAT: 1>
- LINEAR = <ReductionLayerType.LINEAR: 2>
- NONE = <ReductionLayerType.NONE: 0>
- property name
- property value
- class marius.config.StorageBackend
Members:
PARTITION_BUFFER
FLAT_FILE
HOST_MEMORY
DEVICE_MEMORY
- DEVICE_MEMORY = <StorageBackend.DEVICE_MEMORY: 3>
- FLAT_FILE = <StorageBackend.FLAT_FILE: 1>
- HOST_MEMORY = <StorageBackend.HOST_MEMORY: 2>
- PARTITION_BUFFER = <StorageBackend.PARTITION_BUFFER: 0>
- property name
- property value
- class marius.config.StorageConfig
- property dataset
- property device_ids
- property device_type
- property edges
- property embeddings
- property export_encoded_nodes
- property features
- property full_graph_evaluation
- property model_dir
- property nodes
- property prefetch
- property shuffle_input
- class marius.config.TrainingConfig
- property batch_size
- property checkpoint
- property epochs_per_shuffle
- property logs_per_epoch
- property negative_sampling
- property num_epochs
- property pipeline
- property resume_from_checkpoint
- property resume_training
- property save_model
- marius.config.getActivationFunction(string_val: str) marius._config.ActivationFunction
- marius.config.getDecoderType(string_val: str) marius._config.DecoderType
- marius.config.getDenseLayerType(string_val: str) marius._config.DenseLayerType
- marius.config.getDtype(string_val: str) torch._C._te.ScalarType
- marius.config.getEdgeBucketOrderingEnum(string_val: str) marius._config.EdgeBucketOrdering
- marius.config.getEdgeDecoderMethod(string_val: str) marius._config.EdgeDecoderMethod
- marius.config.getGNNLayerType(string_val: str) marius._config.GNNLayerType
- marius.config.getGraphSageAggregator(string_val: str) marius._config.GraphSageAggregator
- marius.config.getInitDistribution(string_val: str) marius._config.InitDistribution
- marius.config.getLayerType(string_val: str) marius._config.LayerType
- marius.config.getLearningTask(string_val: str) marius._config.LearningTask
- marius.config.getLossFunctionType(string_val: str) marius._config.LossFunctionType
- marius.config.getLossReduction(string_val: str) marius._config.LossReduction
- marius.config.getNeighborSamplingLayer(string_val: str) marius._config.NeighborSamplingLayer
- marius.config.getNodePartitionOrderingEnum(string_val: str) marius._config.NodePartitionOrdering
- marius.config.getOptimizerType(string_val: str) marius._config.OptimizerType
- marius.config.getReductionLayerType(string_val: str) marius._config.ReductionLayerType
- marius.config.getStorageBackend(string_val: str) marius._config.StorageBackend
- marius.config.loadConfig(config_path: str, save: bool = False) marius._config.MariusConfig