concrete.ml.pytest.torch_models.md
Last updated
Last updated
concrete.ml.pytest.torch_models
Torch modules for our pytests.
MultiOutputModel
Multi-output model.
__init__
Torch Model.
forward
Forward pass.
Args:
x
(torch.Tensor): The input of the model.
y
(torch.Tensor): The input of the model.
Returns:
Tuple[torch.Tensor. torch.Tensor]
: Output of the network.
SimpleNet
Fake torch model used to generate some onnx.
__init__
forward
Forward function.
Arguments:
inputs
: the inputs of the model.
Returns:
torch.Tensor
: the result of the computation
FCSmall
Torch model for the tests.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
FC
Torch model for the tests.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
CNN
Torch CNN model for the tests.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
CNNMaxPool
Torch CNN model for the tests with a max pool.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
CNNOther
Torch CNN model for the tests.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
CNNInvalid
Torch CNN model for the tests.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
CNNGrouped
Torch CNN model with grouped convolution for compile torch tests.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
NetWithLoops
Torch model, where we reuse some elements in a loop.
Torch model, where we reuse some elements in a loop in the forward and don't expect the user to define these elements in a particular order.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
MultiInputNN
Torch model to test multiple inputs forward.
__init__
forward
Forward pass.
Args:
x
: the first input of the NN
y
: the second input of the NN
Returns: the output of the NN
MultiInputNNConfigurable
Torch model to test multiple inputs forward.
__init__
forward
Forward pass.
Args:
x
: the first input of the NN
y
: the second input of the NN
Returns: the output of the NN
MultiInputNNDifferentSize
Torch model to test multiple inputs with different shape in the forward pass.
__init__
forward
Forward pass.
Args:
x
: The first input of the NN.
y
: The second input of the NN.
Returns: The output of the NN.
BranchingModule
Torch model with some branching and skip connections.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
BranchingGemmModule
Torch model with some branching and skip connections.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
UnivariateModule
Torch model that calls univariate and shape functions of torch.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
StepActivationModule
Torch model implements a step function that needs Greater, Cast and Where.
__init__
forward
Forward pass with a quantizer built into the computation graph.
Args:
x
: the input of the NN
Returns: the output of the NN
NetWithConcatUnsqueeze
Torch model to test the concat and unsqueeze operators.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
MultiOpOnSingleInputConvNN
Network that applies two quantized operations on a single input.
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
FCSeq
Torch model that should generate MatMul->Add ONNX patterns.
This network generates additions with a constant scalar
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
FCSeqAddBiasVec
Torch model that should generate MatMul->Add ONNX patterns.
This network tests the addition with a constant vector
__init__
forward
Forward pass.
Args:
x
: the input of the NN
Returns: the output of the NN
TinyCNN
A very small CNN.
__init__
Create the tiny CNN with two conv layers.
Args:
n_classes
: number of classes
act
: the activation
forward
Forward the two layers with the chosen activation function.
Args:
x
: the input of the NN
Returns: the output of the NN
TinyQATCNN
A very small QAT CNN to classify the sklearn digits data-set.
This class also allows pruning to a maximum of 10 active neurons, which should help keep the accumulator bit-width low.
__init__
Construct the CNN with a configurable number of classes.
Args:
n_classes
(int): number of outputs of the neural net
n_bits
(int): number of weight and activation bits for quantization
n_active
(int): number of active (non-zero weight) neurons to keep
signed
(bool): whether quantized integer values are signed
narrow
(bool): whether the range of quantized integer values is narrow/symmetric
power_of_two_scaling
(bool): whether to use power-of-two scaling quantizers which allows to test the round PBS optimization when the scales are power-of-two
forward
Run inference on the tiny CNN, apply the decision layer on the reshaped conv output.
Args:
x
: the input to the NN
Returns: the output of the NN
toggle_pruning
Enable or remove pruning.
Args:
enable
: if we enable the pruning or not
SimpleQAT
Torch model implements a step function that needs Greater, Cast and Where.
__init__
forward
Forward pass with a quantizer built into the computation graph.
Args:
x
: the input of the NN
Returns: the output of the NN
QATTestModule
Torch model that implements a simple non-uniform quantizer.
__init__
forward
Forward pass with a quantizer built into the computation graph.
Args:
x
: the input of the NN
Returns: the output of the NN
SingleMixNet
Torch model that with a single conv layer that produces the output, e.g., a blur filter.
__init__
forward
Execute the single convolution.
Args:
x
: the input of the NN
Returns: the output of the NN
DoubleQuantQATMixNet
Torch model that with two different quantizers on the input.
Used to test that it keeps the input TLU.
__init__
forward
Execute the single convolution.
Args:
x
: the input of the NN
Returns: the output of the NN
TorchSum
Torch model to test the ReduceSum ONNX operator in a leveled circuit.
__init__
Initialize the module.
Args:
dim
(Tuple[int]): The axis along which the sum should be executed
keepdim
(bool): If the output should keep the same dimension as the input or not
with_pbs
(bool): If the forward function should be forced to consider at least one PBS
forward
Forward pass.
Args:
x
(torch.tensor): The input of the model
Returns:
torch_sum
(torch.tensor): The sum of the input's tensor elements along the given axis
NetWithConstantsFoldedBeforeOps
Torch QAT model that does not quantize the inputs.
__init__
forward
Forward pass.
Args:
x
(torch.tensor): The input of the model
Returns:
torch.tensor
: Output of the network
ShapeOperationsNet
Torch QAT model that reshapes the input.
__init__
forward
Forward pass.
Args:
x
(torch.tensor): The input of the model
Returns:
torch.tensor
: Output of the network
PaddingNet
Torch QAT model that applies various padding patterns.
__init__
forward
Forward pass.
Args:
x
(torch.tensor): The input of the model
Returns:
torch.tensor
: Output of the network
QuantCustomModel
A small quantized network with Brevitas, trained on make_classification.
__init__
Quantized Torch Model with Brevitas.
Args:
input_shape
(int): Input size
output_shape
(int): Output size
hidden_shape
(int): Hidden size
n_bits
(int): Bit of quantization
weight_quant
(brevitas.quant): Quantization protocol of weights
act_quant
(brevitas.quant): Quantization protocol of activations.
bias_quant
(brevitas.quant): Quantizer for the linear layer bias
forward
Forward pass.
Args:
x
(torch.tensor): The input of the model.
Returns:
torch.tensor
: Output of the network.
TorchCustomModel
A small network with Brevitas, trained on make_classification.
__init__
Torch Model.
Args:
input_shape
(int): Input size
output_shape
(int): Output size
hidden_shape
(int): Hidden size
forward
Forward pass.
Args:
x
(torch.tensor): The input of the model.
Returns:
torch.tensor
: Output of the network.
ConcatFancyIndexing
Concat with fancy indexing.
__init__
Torch Model.
Args:
input_shape
(int): Input size
output_shape
(int): Output size
hidden_shape
(int): Hidden size
n_bits
(int): Number of bits
n_blocks
(int): Number of blocks
forward
Forward pass.
Args:
x
(torch.tensor): The input of the model.
Returns:
torch.tensor
: Output of the network.
PartialQATModel
A model with a QAT Module.
__init__
forward
Forward pass.
Args:
x
(torch.tensor): The input of the model.
Returns:
torch.tensor
: Output of the network.
EncryptedMatrixMultiplicationModel
PyTorch module for performing matrix multiplication between two encrypted values.
__init__
forward
Forward function for matrix multiplication.
Args:
input1
(torch.Tensor): The first input tensor.
Returns:
torch.Tensor
: The result of the matrix multiplication.
ManualLogisticRegressionTraining
PyTorch module for performing SGD training.
__init__
forward
Forward function for matrix multiplication.
Args:
x
(torch.Tensor): The training data tensor.
y
(torch.Tensor): The target tensor.
weights
(torch.Tensor): The weights to be learned.
bias
(torch.Tensor): The bias to be learned.
Returns:
torch.Tensor
: The updated weights after performing a training step.
predict
Predicts based on weights and bias as inputs.
Args:
x
(torch.Tensor): Input data tensor.
weights
(torch.Tensor): Weights tensor.
bias
(torch.Tensor): Bias tensor.
Returns:
torch.Tensor
: The predicted outputs for the given inputs.
AddNet
Torch model that performs a simple addition between two inputs.
__init__
forward
Forward pass.
Args:
x
: First input tensor.
y
: Second input tensor.
Returns: Result of adding x and y.
ExpandModel
Minimalist network that expands the input tensor to a larger size.
__init__
forward
Expand the input tensor to the target size.
Args:
x
(torch.Tensor): Input tensor.
Returns:
torch.Tensor
: Expanded tensor.