SketchGraphs
SketchGraphs models
Datasets
Onshape setup
sketchgraphs
sketchgraphs_models
SketchGraphs
»
Index
Index
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
_
__call__() (sketchgraphs.pipeline.graph_model.quantization.QuantizationMap method)
__getnewargs__() (sketchgraphs.data.sequence.EdgeOp method)
(sketchgraphs.data.sequence.NodeOp method)
(sketchgraphs_models.autoconstraint.eval.InferenceRequest method)
(sketchgraphs_models.distributed_utils.DistributedTrainingInfo method)
(sketchgraphs_models.training.TrainingConfig method)
__init__() (sketchgraphs.data.flat_array.FlatSerializedArray method)
(sketchgraphs.data.sketch.Sketch method)
(sketchgraphs.onshape.client.Client method)
(sketchgraphs.onshape.onshape.Onshape method)
(sketchgraphs.pipeline.graph_model.quantization.EdgeFeatureMapping method)
(sketchgraphs.pipeline.graph_model.quantization.EntityFeatureMapping method)
(sketchgraphs.pipeline.graph_model.quantization.QuantizationMap method)
(sketchgraphs_models.autoconstraint.dataset.AutoconstraintDataset method)
(sketchgraphs_models.autoconstraint.eval.AutoConstraintPrediction method)
(sketchgraphs_models.autoconstraint.eval.ConstraintGenerator method)
(sketchgraphs_models.autoconstraint.eval_likelihood.EdgeLikelihoodEvaluator method)
(sketchgraphs_models.autoconstraint.model.AutoconstraintModel method)
(sketchgraphs_models.autoconstraint.model.BidirectionalRecurrentModelCore method)
(sketchgraphs_models.autoconstraint.model.GlobalEmbeddingModelCore method)
(sketchgraphs_models.autoconstraint.model.RecurrentEmbeddingModelCore method)
(sketchgraphs_models.autoconstraint.train.AutoconstraintHarness method)
(sketchgraphs_models.distributed_utils.DistributedSampler method)
(sketchgraphs_models.graph.dataset.GraphDataset method)
(sketchgraphs_models.graph.eval_likelihood.GraphLikelihoodEvaluator method)
(sketchgraphs_models.graph.model.EdgePartnerNetwork method)
(sketchgraphs_models.graph.model.GraphModel method)
(sketchgraphs_models.graph.model.message_passing.DenseOnlyEmbedding method)
(sketchgraphs_models.graph.model.message_passing.DenseSparsePreEmbedding method)
(sketchgraphs_models.graph.model.message_passing.GraphModelCore method)
(sketchgraphs_models.graph.model.message_passing.GraphPostEmbedding method)
(sketchgraphs_models.graph.model.numerical_features.NumericalFeatureDecoder method)
(sketchgraphs_models.graph.model.numerical_features.NumericalFeatureEncoding method)
(sketchgraphs_models.graph.model.numerical_features.NumericalFeatureReadout method)
(sketchgraphs_models.graph.model.numerical_features.NumericalFeaturesEmbedding method)
(sketchgraphs_models.graph.sample.GraphSamplingModel method)
(sketchgraphs_models.graph.train.harness.GraphModelHarness method)
(sketchgraphs_models.nn.ConcatenateLinear method)
(sketchgraphs_models.nn.data_util.MultiEpochSampler method)
(sketchgraphs_models.nn.distributed.SingleDeviceDistributedParallel method)
(sketchgraphs_models.nn.MessagePassingNetwork method)
(sketchgraphs_models.nn.Sequential method)
(sketchgraphs_models.nn.summary.ClassificationSummary method)
(sketchgraphs_models.training.TrainingHarness method)
__new__() (sketchgraphs.data.sequence.EdgeOp static method)
(sketchgraphs.data.sequence.NodeOp static method)
(sketchgraphs_models.autoconstraint.eval.InferenceRequest static method)
(sketchgraphs_models.distributed_utils.DistributedTrainingInfo static method)
(sketchgraphs_models.training.TrainingConfig static method)
A
accuracy() (sketchgraphs_models.nn.summary.ClassificationSummary method)
add_feature() (in module sketchgraphs.onshape.call)
(sketchgraphs.onshape.client.Client method)
aggregate_by_incidence() (in module sketchgraphs_models.nn)
all_sparse_features() (sketchgraphs.pipeline.graph_model.quantization.EdgeFeatureMapping method)
AutoconstraintDataset (class in sketchgraphs_models.autoconstraint.dataset)
AutoconstraintHarness (class in sketchgraphs_models.autoconstraint.train)
AutoconstraintModel (class in sketchgraphs_models.autoconstraint.model)
AutoConstraintPrediction (class in sketchgraphs_models.autoconstraint.eval)
autograd_range() (in module sketchgraphs_models.nn)
B
backward() (sketchgraphs_models.torch_extensions.segment_ops.SegmentArgmaxPython static method)
(sketchgraphs_models.torch_extensions.segment_ops.SegmentLogsumexpPython static method)
(sketchgraphs_models.torch_extensions.segment_ops.SegmentLogsumexpScatter static method)
(sketchgraphs_models.torch_extensions.segment_pool.SegmentAvgPool1DLoop static method)
(sketchgraphs_models.torch_extensions.segment_pool.SegmentMaxPool1DLoop static method)
batch_from_example() (in module sketchgraphs_models.graph.eval_likelihood)
batch_size (sketchgraphs_models.training.TrainingConfig attribute)
batches_per_epoch (sketchgraphs_models.training.TrainingConfig attribute)
batches_per_epoch() (sketchgraphs_models.nn.data_util.MultiEpochSampler property)
BidirectionalRecurrentModelCore (class in sketchgraphs_models.autoconstraint.model)
boxplot_stratified() (in module sketchgraphs_models.autoconstraint.scripts.eval_statistics_stratified)
C
check_edge_satisfied() (in module sketchgraphs.data.constraint_checks)
ClassificationSummary (class in sketchgraphs_models.nn.summary)
Client (class in sketchgraphs.onshape.client)
cohen_kappa() (sketchgraphs_models.nn.summary.ClassificationSummary method)
coincident() (in module sketchgraphs.data.constraint_checks)
collate() (in module sketchgraphs_models.autoconstraint.dataset)
(in module sketchgraphs_models.graph.dataset)
compress_sequences() (in module sketchgraphs_models.graph.entropy_rate)
compute_average_losses() (in module sketchgraphs_models.autoconstraint.model)
(in module sketchgraphs_models.graph.model.losses)
compute_edge_losses() (in module sketchgraphs_models.graph.model.losses)
compute_feature_loss() (in module sketchgraphs_models.graph.model.losses)
compute_losses() (in module sketchgraphs_models.autoconstraint.model)
(in module sketchgraphs_models.graph.model.losses)
compute_node_losses() (in module sketchgraphs_models.graph.model.losses)
compute_stratified_statistics() (in module sketchgraphs_models.autoconstraint.scripts.eval_statistics_stratified)
compute_subnode_losses() (in module sketchgraphs_models.graph.model.losses)
ConcatenateLinear (class in sketchgraphs_models.nn)
concentric() (in module sketchgraphs.data.constraint_checks)
confusion_matrix() (sketchgraphs_models.nn.summary.ClassificationSummary method)
ConstraintGenerator (class in sketchgraphs_models.autoconstraint.eval)
count_valid_choices_by_step() (in module sketchgraphs_models.autoconstraint.scripts.eval_statistics_mask)
create_assembly() (sketchgraphs.onshape.client.Client method)
D
dataloader (sketchgraphs_models.training.TrainingConfig attribute)
delete_document() (sketchgraphs.onshape.client.Client method)
delete_feature() (sketchgraphs.onshape.client.Client method)
DenseOnlyEmbedding (class in sketchgraphs_models.graph.model.message_passing)
DenseSparsePreEmbedding (class in sketchgraphs_models.graph.model.message_passing)
device (sketchgraphs_models.training.TrainingConfig attribute)
DistributedSampler (class in sketchgraphs_models.distributed_utils)
DistributedTrainingInfo (class in sketchgraphs_models.distributed_utils)
E
edge_decoder_initial_input() (in module sketchgraphs_models.graph.model.numerical_features)
edge_feature_readout (sketchgraphs_models.graph.model.GraphModel attribute)
edge_label (sketchgraphs_models.graph.model.GraphModel attribute)
edge_ops (sketchgraphs_models.autoconstraint.eval.InferenceRequest attribute)
edge_partner (sketchgraphs_models.graph.model.GraphModel attribute)
edge_post_embedding (sketchgraphs_models.graph.model.GraphModel attribute)
EdgeFeatureMapping (class in sketchgraphs.pipeline.graph_model.quantization)
EdgeLikelihoodEvaluator (class in sketchgraphs_models.autoconstraint.eval_likelihood)
EdgeOp (class in sketchgraphs.data.sequence)
EdgePartnerNetwork (class in sketchgraphs_models.graph.model)
entity_decoder_initial_input() (in module sketchgraphs_models.graph.model.numerical_features)
entity_feature_readout (sketchgraphs_models.graph.model.GraphModel attribute)
entity_label (sketchgraphs_models.graph.model.GraphModel attribute)
EntityFeatureMapping (class in sketchgraphs.pipeline.graph_model.quantization)
equal() (in module sketchgraphs.data.constraint_checks)
F
feature_from_request() (in module sketchgraphs_models.autoconstraint.eval)
feature_schema() (sketchgraphs.pipeline.graph_model.quantization.EdgeFeatureMapping property)
features_from_index() (sketchgraphs.pipeline.graph_model.quantization.EdgeFeatureMapping method)
(sketchgraphs.pipeline.graph_model.quantization.EntityFeatureMapping method)
FlatSerializedArray (class in sketchgraphs.data.flat_array)
forward() (sketchgraphs_models.autoconstraint.model.AutoconstraintModel method)
(sketchgraphs_models.autoconstraint.model.BidirectionalRecurrentModelCore method)
(sketchgraphs_models.autoconstraint.model.GlobalEmbeddingModelCore method)
(sketchgraphs_models.autoconstraint.model.RecurrentEmbeddingModelCore method)
(sketchgraphs_models.graph.model.EdgePartnerNetwork method)
(sketchgraphs_models.graph.model.GraphModel method)
(sketchgraphs_models.graph.model.message_passing.DenseOnlyEmbedding method)
(sketchgraphs_models.graph.model.message_passing.DenseSparsePreEmbedding method)
(sketchgraphs_models.graph.model.message_passing.GraphModelCore method)
(sketchgraphs_models.graph.model.message_passing.GraphPostEmbedding method)
(sketchgraphs_models.graph.model.numerical_features.NumericalFeatureDecoder method)
(sketchgraphs_models.graph.model.numerical_features.NumericalFeatureEncoding method)
(sketchgraphs_models.graph.model.numerical_features.NumericalFeatureReadout method)
(sketchgraphs_models.graph.model.numerical_features.NumericalFeaturesEmbedding method)
(sketchgraphs_models.nn.ConcatenateLinear method)
(sketchgraphs_models.nn.distributed.SingleDeviceDistributedParallel method)
(sketchgraphs_models.nn.MessagePassingNetwork method)
(sketchgraphs_models.nn.Sequential method)
(sketchgraphs_models.torch_extensions.segment_ops.SegmentArgmaxPython static method)
(sketchgraphs_models.torch_extensions.segment_ops.SegmentLogsumexpPython static method)
(sketchgraphs_models.torch_extensions.segment_ops.SegmentLogsumexpScatter static method)
(sketchgraphs_models.torch_extensions.segment_pool.SegmentAvgPool1DLoop static method)
(sketchgraphs_models.torch_extensions.segment_pool.SegmentMaxPool1DLoop static method)
from_flat_array() (sketchgraphs.data.flat_array.FlatSerializedArray static method)
from_fs_json() (sketchgraphs.data.sketch.Sketch static method)
from_info() (sketchgraphs.data.sketch.Sketch static method)
from_numerical_model() (sketchgraphs_models.graph.sample.GraphSamplingModel static method)
G
generate_sample() (in module sketchgraphs_models.graph.sample)
get_argsparser() (in module sketchgraphs_models.autoconstraint.train)
(in module sketchgraphs_models.graph.train)
get_distributed_config() (in module sketchgraphs_models.distributed_utils)
get_document() (sketchgraphs.onshape.client.Client method)
get_entity_by_idx() (in module sketchgraphs.data.constraint_checks)
get_features() (in module sketchgraphs.onshape.call)
(sketchgraphs.onshape.client.Client method)
get_info() (in module sketchgraphs.onshape.call)
get_node_label_for_dof() (in module sketchgraphs.data.dof)
get_partstudio_tessellatededges() (sketchgraphs.onshape.client.Client method)
get_sequence_dof() (in module sketchgraphs.data.dof)
get_sorted_types() (in module sketchgraphs.data.constraint_checks)
get_tess_sketch_entities() (sketchgraphs.onshape.client.Client method)
get_thumbnail_with_size() (sketchgraphs.onshape.client.Client method)
GlobalEmbeddingModelCore (class in sketchgraphs_models.autoconstraint.model)
graph_info_from_sequence() (in module sketchgraphs_models.graph.dataset)
GraphDataset (class in sketchgraphs_models.graph.dataset)
GraphLikelihoodEvaluator (class in sketchgraphs_models.graph.eval_likelihood)
GraphModel (class in sketchgraphs_models.graph.model)
GraphModelCore (class in sketchgraphs_models.graph.model.message_passing)
GraphModelHarness (class in sketchgraphs_models.graph.train.harness)
GraphPostEmbedding (class in sketchgraphs_models.graph.model.message_passing)
GraphSamplingModel (class in sketchgraphs_models.graph.sample)
H
horizontal() (in module sketchgraphs.data.constraint_checks)
human_bytes() (in module sketchgraphs.data.flat_array)
I
InferenceRequest (class in sketchgraphs_models.autoconstraint.eval)
initialize_datasets() (in module sketchgraphs_models.autoconstraint.train)
(in module sketchgraphs_models.graph.train.data_loading)
initialize_distributed() (in module sketchgraphs_models.distributed_utils)
is_leader() (in module sketchgraphs_models.distributed_utils)
L
label (sketchgraphs.data.sequence.EdgeOp attribute)
(sketchgraphs.data.sequence.NodeOp attribute)
list_documents() (sketchgraphs.onshape.client.Client method)
load_cuda_async() (in module sketchgraphs_models.training)
load_dataset_and_weights() (in module sketchgraphs_models.graph.train.data_loading)
load_dataset_and_weights_with_mapping() (in module sketchgraphs_models.graph.train.data_loading)
load_dictionary_flat() (in module sketchgraphs.data.flat_array)
load_flat_array() (in module sketchgraphs.data.flat_array)
load_pickle_ops() (in module sketchgraphs_models.autoconstraint.eval)
load_sampling_model() (in module sketchgraphs_models.autoconstraint.eval)
load_saved_model() (in module sketchgraphs_models.graph.sample)
load_sequences_and_mappings() (in module sketchgraphs_models.graph.train.data_loading)
load_state_dict() (sketchgraphs_models.nn.distributed.SingleDeviceDistributedParallel method)
local_rank (sketchgraphs_models.distributed_utils.DistributedTrainingInfo attribute)
log() (in module sketchgraphs.onshape.utils)
M
main() (in module sketchgraphs.onshape.call)
(in module sketchgraphs.pipeline.make_quantization_statistics)
(in module sketchgraphs_models.autoconstraint.eval)
(in module sketchgraphs_models.autoconstraint.eval_likelihood)
(in module sketchgraphs_models.autoconstraint.scripts.eval_statistics_mask)
(in module sketchgraphs_models.autoconstraint.scripts.eval_statistics_stratified)
(in module sketchgraphs_models.autoconstraint.train)
(in module sketchgraphs_models.graph.dataset.benchmark)
(in module sketchgraphs_models.graph.entropy_rate)
(in module sketchgraphs_models.graph.eval_likelihood)
(in module sketchgraphs_models.graph.sample)
(in module sketchgraphs_models.graph.train)
make_dataloader_train() (in module sketchgraphs_models.graph.train.data_loading)
make_embedding_and_readout() (in module sketchgraphs_models.graph.model.numerical_features)
make_graph_model() (in module sketchgraphs_models.graph.model)
make_model_with_arguments() (in module sketchgraphs_models.graph.train)
make_quantization() (in module sketchgraphs.pipeline.numerical_parameters)
make_unique_cdf() (in module sketchgraphs.pipeline.numerical_parameters)
map_structure_flat() (in module sketchgraphs_models.training)
marginal_labels() (sketchgraphs_models.nn.summary.ClassificationSummary method)
marginal_predicted() (sketchgraphs_models.nn.summary.ClassificationSummary method)
mask_from_node_types() (in module sketchgraphs_models.autoconstraint.eval)
mask_from_satisfied() (in module sketchgraphs_models.autoconstraint.eval)
merge_losses_and_accuracy() (in module sketchgraphs_models.graph.model.losses)
merge_raw_list() (in module sketchgraphs.data.flat_array)
MessagePassingNetwork (class in sketchgraphs_models.nn)
midpoint() (in module sketchgraphs.data.constraint_checks)
model_core (sketchgraphs_models.graph.model.GraphModel attribute)
module
sketchgraphs
sketchgraphs.data
sketchgraphs.data.constraint_checks
sketchgraphs.data.dof
sketchgraphs.data.flat_array
sketchgraphs.data.sequence
sketchgraphs.data.sketch
sketchgraphs.onshape
sketchgraphs.onshape.call
sketchgraphs.onshape.client
sketchgraphs.onshape.onshape
sketchgraphs.onshape.utils
sketchgraphs.pipeline
sketchgraphs.pipeline.graph_model
sketchgraphs.pipeline.graph_model.quantization
sketchgraphs.pipeline.graph_model.target
sketchgraphs.pipeline.make_quantization_statistics
sketchgraphs.pipeline.numerical_parameters
sketchgraphs_models
sketchgraphs_models.autoconstraint
sketchgraphs_models.autoconstraint.dataset
sketchgraphs_models.autoconstraint.eval
sketchgraphs_models.autoconstraint.eval_likelihood
sketchgraphs_models.autoconstraint.model
sketchgraphs_models.autoconstraint.scripts
sketchgraphs_models.autoconstraint.scripts.eval_statistics_mask
sketchgraphs_models.autoconstraint.scripts.eval_statistics_stratified
sketchgraphs_models.autoconstraint.train
sketchgraphs_models.distributed_utils
sketchgraphs_models.graph
sketchgraphs_models.graph.dataset
sketchgraphs_models.graph.dataset.benchmark
sketchgraphs_models.graph.entropy_rate
sketchgraphs_models.graph.eval_likelihood
sketchgraphs_models.graph.model
sketchgraphs_models.graph.model.losses
sketchgraphs_models.graph.model.message_passing
sketchgraphs_models.graph.model.numerical_features
sketchgraphs_models.graph.sample
sketchgraphs_models.graph.train
sketchgraphs_models.graph.train.data_loading
sketchgraphs_models.graph.train.harness
sketchgraphs_models.nn
sketchgraphs_models.nn.data_util
sketchgraphs_models.nn.distributed
sketchgraphs_models.nn.functional
sketchgraphs_models.nn.summary
sketchgraphs_models.torch_extensions
sketchgraphs_models.torch_extensions.index
sketchgraphs_models.torch_extensions.segment_ops
sketchgraphs_models.torch_extensions.segment_pool
sketchgraphs_models.training
MultiEpochSampler (class in sketchgraphs_models.nn.data_util)
N
new_document() (sketchgraphs.onshape.client.Client method)
node_features (sketchgraphs_models.autoconstraint.eval.InferenceRequest attribute)
node_ops (sketchgraphs_models.autoconstraint.eval.InferenceRequest attribute)
NodeOp (class in sketchgraphs.data.sequence)
normalize_expression() (in module sketchgraphs.pipeline.numerical_parameters)
num_nodes_in_graph (sketchgraphs_models.autoconstraint.eval.InferenceRequest attribute)
numerical_features() (sketchgraphs.pipeline.graph_model.quantization.EntityFeatureMapping method)
NumericalFeatureDecoder (class in sketchgraphs_models.graph.model.numerical_features)
NumericalFeatureEncoding (class in sketchgraphs_models.graph.model.numerical_features)
NumericalFeatureReadout (class in sketchgraphs_models.graph.model.numerical_features)
NumericalFeaturesEmbedding (class in sketchgraphs_models.graph.model.numerical_features)
O
on_epoch_end() (sketchgraphs_models.autoconstraint.train.AutoconstraintHarness method)
(sketchgraphs_models.graph.train.harness.GraphModelHarness method)
(sketchgraphs_models.training.TrainingHarness method)
Onshape (class in sketchgraphs.onshape.onshape)
ops_to_batch() (in module sketchgraphs_models.autoconstraint.eval_likelihood)
P
pack_dictionary_flat() (in module sketchgraphs.data.flat_array)
pack_list_flat() (in module sketchgraphs.data.flat_array)
parallel() (in module sketchgraphs.data.constraint_checks)
parameters (sketchgraphs.data.sequence.EdgeOp attribute)
(sketchgraphs.data.sequence.NodeOp attribute)
part_studio_stl() (sketchgraphs.onshape.client.Client method)
partner_index (sketchgraphs_models.autoconstraint.eval.InferenceRequest attribute)
perpendicular() (in module sketchgraphs.data.constraint_checks)
pgvgraph_from_sequence() (in module sketchgraphs.data.sequence)
prediction_matrix() (sketchgraphs_models.nn.summary.ClassificationSummary property)
PriorityItem (class in sketchgraphs_models.autoconstraint.eval)
process_edges() (in module sketchgraphs.pipeline.make_quantization_statistics)
process_node_and_edge_ops() (in module sketchgraphs_models.autoconstraint.dataset)
process_nodes() (in module sketchgraphs.pipeline.make_quantization_statistics)
Q
QuantizationMap (class in sketchgraphs.pipeline.graph_model.quantization)
R
rank (sketchgraphs_models.distributed_utils.DistributedTrainingInfo attribute)
raw_list_flat() (in module sketchgraphs.data.flat_array)
record_statistics() (sketchgraphs_models.nn.summary.ClassificationSummary method)
RecurrentEmbeddingModelCore (class in sketchgraphs_models.autoconstraint.model)
references (sketchgraphs.data.sequence.EdgeOp attribute)
rename_document() (sketchgraphs.onshape.client.Client method)
request() (sketchgraphs.onshape.onshape.Onshape method)
reset_statistics() (sketchgraphs_models.nn.summary.ClassificationSummary method)
run() (in module sketchgraphs_models.autoconstraint.train)
(in module sketchgraphs_models.graph.train)
run_holdout_eval() (sketchgraphs_models.training.TrainingHarness method)
S
sample_and_print() (in module sketchgraphs_models.graph.sample)
sample_and_write_pickle() (in module sketchgraphs_models.graph.sample)
sample_and_write_pickle_multithreaded() (in module sketchgraphs_models.graph.sample)
sample_edge_label() (sketchgraphs_models.graph.sample.GraphSamplingModel method)
sample_edge_target() (sketchgraphs_models.graph.sample.GraphSamplingModel method)
sample_entity_features() (sketchgraphs_models.graph.sample.GraphSamplingModel method)
sample_iterator() (in module sketchgraphs_models.graph.sample)
sample_node_label() (sketchgraphs_models.graph.sample.GraphSamplingModel method)
save_list_flat() (in module sketchgraphs.data.flat_array)
segment_argmax() (in module sketchgraphs_models.torch_extensions.segment_ops)
segment_argmax_backward() (in module sketchgraphs_models.torch_extensions.segment_ops)
segment_argmax_loop() (in module sketchgraphs_models.torch_extensions.segment_ops)
segment_argmax_python() (in module sketchgraphs_models.torch_extensions.segment_ops)
segment_argmax_scatter() (in module sketchgraphs_models.torch_extensions.segment_ops)
segment_avg_pool1d() (in module sketchgraphs_models.torch_extensions.segment_pool)
segment_avg_pool1d_backward() (in module sketchgraphs_models.torch_extensions.segment_pool)
segment_avg_pool1d_loop() (in module sketchgraphs_models.torch_extensions.segment_pool)
segment_avg_pool1d_scatter() (in module sketchgraphs_models.torch_extensions.segment_pool)
segment_cartesian_product() (in module sketchgraphs_models.torch_extensions.index)
segment_cartesian_product_loop() (in module sketchgraphs_models.torch_extensions.index)
segment_logsumexp() (in module sketchgraphs_models.torch_extensions.segment_ops)
segment_logsumexp_backward_python() (in module sketchgraphs_models.torch_extensions.segment_ops)
segment_logsumexp_python() (in module sketchgraphs_models.torch_extensions.segment_ops)
segment_logsumexp_scatter() (in module sketchgraphs_models.torch_extensions.segment_ops)
segment_max_pool1d() (in module sketchgraphs_models.torch_extensions.segment_pool)
segment_max_pool1d_backward() (in module sketchgraphs_models.torch_extensions.segment_pool)
segment_op_python() (in module sketchgraphs_models.torch_extensions.segment_ops)
segment_stop_accuracy() (in module sketchgraphs_models.autoconstraint.model)
(in module sketchgraphs_models.graph.model.losses)
segment_stop_loss() (in module sketchgraphs_models.autoconstraint.model)
(in module sketchgraphs_models.graph.model.losses)
segment_triu_indices() (in module sketchgraphs_models.torch_extensions.index)
segment_triu_indices_loop() (in module sketchgraphs_models.torch_extensions.index)
SegmentArgmaxPython (class in sketchgraphs_models.torch_extensions.segment_ops)
SegmentAvgPool1DLoop (class in sketchgraphs_models.torch_extensions.segment_pool)
segmented_cross_entropy() (in module sketchgraphs_models.nn.functional)
segmented_multinomial() (in module sketchgraphs_models.nn.functional)
segmented_multinomial_extended() (in module sketchgraphs_models.nn.functional)
SegmentLogsumexpPython (class in sketchgraphs_models.torch_extensions.segment_ops)
SegmentLogsumexpScatter (class in sketchgraphs_models.torch_extensions.segment_ops)
SegmentMaxPool1DLoop (class in sketchgraphs_models.torch_extensions.segment_pool)
sequence_to_integers() (in module sketchgraphs_models.graph.entropy_rate)
Sequential (class in sketchgraphs_models.nn)
share_memory_() (sketchgraphs.data.flat_array.FlatSerializedArray method)
single_step() (sketchgraphs_models.autoconstraint.train.AutoconstraintHarness method)
(sketchgraphs_models.graph.train.harness.GraphModelHarness method)
(sketchgraphs_models.training.TrainingHarness method)
SingleDeviceDistributedParallel (class in sketchgraphs_models.nn.distributed)
Sketch (class in sketchgraphs.data.sketch)
sketch_from_sequence() (in module sketchgraphs.data.sequence)
sketch_information() (sketchgraphs.onshape.client.Client method)
sketch_to_sequence() (in module sketchgraphs.data.sequence)
(in module sketchgraphs_models.graph.dataset)
sketchgraphs
module
sketchgraphs.data
module
sketchgraphs.data.constraint_checks
module
sketchgraphs.data.dof
module
sketchgraphs.data.flat_array
module
sketchgraphs.data.sequence
module
sketchgraphs.data.sketch
module
sketchgraphs.onshape
module
sketchgraphs.onshape.call
module
sketchgraphs.onshape.client
module
sketchgraphs.onshape.onshape
module
sketchgraphs.onshape.utils
module
sketchgraphs.pipeline
module
sketchgraphs.pipeline.graph_model
module
sketchgraphs.pipeline.graph_model.quantization
module
sketchgraphs.pipeline.graph_model.target
module
sketchgraphs.pipeline.make_quantization_statistics
module
sketchgraphs.pipeline.numerical_parameters
module
sketchgraphs_models
module
sketchgraphs_models.autoconstraint
module
sketchgraphs_models.autoconstraint.dataset
module
sketchgraphs_models.autoconstraint.eval
module
sketchgraphs_models.autoconstraint.eval_likelihood
module
sketchgraphs_models.autoconstraint.model
module
sketchgraphs_models.autoconstraint.scripts
module
sketchgraphs_models.autoconstraint.scripts.eval_statistics_mask
module
sketchgraphs_models.autoconstraint.scripts.eval_statistics_stratified
module
sketchgraphs_models.autoconstraint.train
module
sketchgraphs_models.distributed_utils
module
sketchgraphs_models.graph
module
sketchgraphs_models.graph.dataset
module
sketchgraphs_models.graph.dataset.benchmark
module
sketchgraphs_models.graph.entropy_rate
module
sketchgraphs_models.graph.eval_likelihood
module
sketchgraphs_models.graph.model
module
sketchgraphs_models.graph.model.losses
module
sketchgraphs_models.graph.model.message_passing
module
sketchgraphs_models.graph.model.numerical_features
module
sketchgraphs_models.graph.sample
module
sketchgraphs_models.graph.train
module
sketchgraphs_models.graph.train.data_loading
module
sketchgraphs_models.graph.train.harness
module
sketchgraphs_models.nn
module
sketchgraphs_models.nn.data_util
module
sketchgraphs_models.nn.distributed
module
sketchgraphs_models.nn.functional
module
sketchgraphs_models.nn.summary
module
sketchgraphs_models.torch_extensions
module
sketchgraphs_models.torch_extensions.index
module
sketchgraphs_models.torch_extensions.segment_ops
module
sketchgraphs_models.torch_extensions.segment_pool
module
sketchgraphs_models.training
module
sparse_features_for_target() (sketchgraphs.pipeline.graph_model.quantization.EntityFeatureMapping method)
sparse_numerical_features() (sketchgraphs.pipeline.graph_model.quantization.EdgeFeatureMapping method)
split_ops() (in module sketchgraphs_models.autoconstraint.eval)
state_dict() (sketchgraphs_models.nn.distributed.SingleDeviceDistributedParallel method)
sync_url (sketchgraphs_models.distributed_utils.DistributedTrainingInfo attribute)
T
tangent() (in module sketchgraphs.data.constraint_checks)
TargetType (class in sketchgraphs.pipeline.graph_model.target)
tb_writer (sketchgraphs_models.training.TrainingConfig attribute)
time_iterator() (in module sketchgraphs_models.graph.dataset.benchmark)
to_dict() (sketchgraphs.data.sketch.Sketch method)
total_valid_choices() (in module sketchgraphs_models.autoconstraint.scripts.eval_statistics_mask)
train() (in module sketchgraphs_models.autoconstraint.train)
(in module sketchgraphs_models.graph.train)
train_boostrap_distributed() (in module sketchgraphs_models.distributed_utils)
train_distributed() (in module sketchgraphs_models.distributed_utils)
train_epochs() (sketchgraphs_models.training.TrainingHarness method)
TrainingConfig (class in sketchgraphs_models.training)
TrainingHarness (class in sketchgraphs_models.training)
U
uniform_valid_perplexity() (in module sketchgraphs_models.autoconstraint.scripts.eval_statistics_mask)
update_template() (in module sketchgraphs.onshape.call)
upload_blob() (sketchgraphs.onshape.client.Client method)
V
valid_constraint_idx() (in module sketchgraphs_models.autoconstraint.eval)
vertical() (in module sketchgraphs.data.constraint_checks)
W
world_size (sketchgraphs_models.distributed_utils.DistributedTrainingInfo attribute)
write_tensorboard() (sketchgraphs_models.nn.summary.ClassificationSummary method)