Skip to main content

Building blocks for Continual Inference Networks in PyTorch

Project description

A Python library for Continual Inference Networks in PyTorch

Quick-startDocsPrinciplesPaperExamplesModulesModel ZooContributeLicense

Continual Inference Networks ensure efficient stream processing

Many of our favorite Deep Neural Network architectures (e.g., CNNs and Transformers) were built with offline-processing for offline processing. Rather than processing inputs one sequence element at a time, they require the whole (spatio-)temporal sequence to be passed as a single input. Yet, many important real-life applications need online predictions on a continual input stream. While CNNs and Transformers can be applied by re-assembling and passing sequences within a sliding window, this is inefficient due to the redundant intermediary computations from overlapping clips.

Continual Inference Networks (CINs) ensure efficient stream processing via an alternative computational ordering, with ~L × fewer FLOPs per prediction compared to sliding window-based inference with non-CINs where L is the corresponding sequence length of a non-CIN network. For details on their inner workings, check out the videos below or the corresponding papers [1, 2].

News

  • 2022-12-02: ONNX compatibility for all modules is available from v1.0.0. See test_onnx.py for examples.

Quick-start

Install

pip install continual-inference

Example

co modules are weight-compatible drop-in replacement for torch.nn, enhanced with the capability of efficient continual inference:

import torch
import continual as co

#                      B, C, T, H, W
example = torch.randn((1, 1, 5, 3, 3))

conv = co.Conv3d(in_channels=1, out_channels=1, kernel_size=(3, 3, 3))

# Same exact computation as torch.nn.Conv3d ✅
output = conv(example)

# But can also perform online inference efficiently 🚀
firsts = conv.forward_steps(example[:, :, :4])
last = conv.forward_step(example[:, :, 4])

assert torch.allclose(output[:, :, : conv.delay], firsts)
assert torch.allclose(output[:, :, conv.delay], last)

# Temporal properties
assert conv.receptive_field == 3
assert conv.delay == 2

See the network composition and model zoo sections for additional examples.

Library principles

Forward modes

The library components feature three distinct forward modes, which are handy for different situations, namely forward, forward_step, and forward_steps:

forward(input)

Performs a forward computation over multiple time-steps. This function is identical to the corresponding module in torch.nn, ensuring cross-compatibility. Moreover, it's handy for efficient training on clip-based data.

         O            (O: output)
         ↑ 
         N            (N: network module)
         ↑ 
 -----------------    (-: aggregation)
 P   I   I   I   P    (I: input frame, P: padding)

forward_step(input, update_state=True)

Performs a forward computation for a single frame and (optionally) updates internal states accordingly. This function performs efficient continual inference.

O+S O+S O+S O+S   (O: output, S: updated internal state)
 ↑   ↑   ↑   ↑ 
 N   N   N   N    (N: network module)
 ↑   ↑   ↑   ↑ 
 I   I   I   I    (I: input frame)

forward_steps(input, pad_end=False, update_state=True)

Performs a forward computation across multiple time-steps while updating internal states for continual inference (if update_state=True). Start-padding is always accounted for, but end-padding is omitted per default in expectance of the next input step. It can be added by specifying pad_end=True. If so, the output-input mapping the exact same as that of forward.

         O            (O: output)
         ↑ 
 -----------------    (-: aggregation)
 O  O+S O+S O+S  O    (O: output, S: updated internal state)
 ↑   ↑   ↑   ↑   ↑
 N   N   N   N   N    (N: network module)
 ↑   ↑   ↑   ↑   ↑
 P   I   I   I   P    (I: input frame, P: padding)

__call__

Per default, the __call__ function operates identically to torch.nn and executes forward. We supply two options for changing this behavior, namely the call_mode property and the call_mode context manager. An example of their use follows:

timeseries = torch.randn(batch, channel, time)
timestep = timeseries[:, :, 0]

net(timeseries)  # Invokes net.forward(timeseries)

# Assign permanent call_mode property
net.call_mode = "forward_step"
net(timestep)  # Invokes net.forward_step(timestep)

# Assign temporary call_mode with context manager
with co.call_mode("forward_steps"):
    net(timeseries)  # Invokes net.forward_steps(timeseries)

net(timestep)  # Invokes net.forward_step(timestep) again

Composition

Continual Inference Networks require strict handling of internal data delays to guarantee correspondence between forward modes. While it is possible to compose neural networks by defining forward, forward_step, and forward_steps manually, correct handling of delays is cumbersome and time-consuming. Instead, we provide a rich interface of container modules, which handles delays automatically. On top of co.Sequential (which is a drop-in replacement of torch.nn.Sequential), we provide modules for handling parallel and conditional dataflow.

  • co.Sequential: Invoke modules sequentially, passing the output of one module onto the next.
  • co.Broadcast: Broadcast one stream to multiple.
  • co.Parallel: Invoke modules in parallel given each their input.
  • co.ParallelDispatch: Dispatch multiple input streams to multiple output streams flexibly.
  • co.Reduce: Reduce multiple input streams to one.
  • co.BroadcastReduce: Shorthand for Sequential(Broadcast, Parallel, Reduce).
  • co.Residual: Residual connection.
  • co.Conditional: Conditionally checks whether to invoke a module (or another) at runtime.

Composition examples:

Residual module

Short-hand:

residual = co.Residual(co.Conv3d(32, 32, kernel_size=3, padding=1))

Explicit:

residual = co.Sequential(
    co.Broadcast(2),
    co.Parallel(
        co.Conv3d(32, 32, kernel_size=3, padding=1),
        co.Delay(2),
    ),
    co.Reduce("sum"),
)
3D MobileNetV2 Inverted residual block

Continual 3D version of the MobileNetV2 Inverted residual block.


MobileNetV2 Inverted residual block. Source: https://arxiv.org/pdf/1801.04381.pdf
mb_conv = co.Residual(
    co.Sequential(
      co.Conv3d(32, 64, kernel_size=(1, 1, 1)),
      nn.BatchNorm3d(64),
      nn.ReLU6(),
      co.Conv3d(64, 64, kernel_size=(3, 3, 3), padding=(1, 1, 1), groups=64),
      nn.ReLU6(),
      co.Conv3d(64, 32, kernel_size=(1, 1, 1)),
      nn.BatchNorm3d(32),
    )
)
3D Squeeze-and-Excitation module

Continual 3D version of the Squeeze-and-Excitation module


Squeeze-and-Excitation block. Scale refers to a broadcasted element-wise multiplication. Adapted from: https://arxiv.org/pdf/1709.01507.pdf
se = co.Residual(
    co.Sequential(
        OrderedDict([
            ("pool", co.AdaptiveAvgPool3d((1, 1, 1), kernel_size=7)),
            ("down", co.Conv3d(256, 16, kernel_size=1)),
            ("act1", nn.ReLU()),
            ("up", co.Conv3d(16, 256, kernel_size=1)),
            ("act2", nn.Sigmoid()),
        ])
    ),
    reduce="mul",
)
3D Inception module

Continual 3D version of the Inception module:


Inception module. Source: https://arxiv.org/pdf/1409.4842v1.pdf
def norm_relu(module, channels):
    return co.Sequential(
        module,
        nn.BatchNorm3d(channels),
        nn.ReLU(),
    )

inception_module = co.BroadcastReduce(
    co.Conv3d(192, 64, kernel_size=1),
    co.Sequential(
        norm_relu(co.Conv3d(192, 96, kernel_size=1), 96),
        norm_relu(co.Conv3d(96, 128, kernel_size=3, padding=1), 128),
    ),
    co.Sequential(
        norm_relu(co.Conv3d(192, 16, kernel_size=1), 16),
        norm_relu(co.Conv3d(16, 32, kernel_size=5, padding=2), 32),
    ),
    co.Sequential(
        co.MaxPool3d(kernel_size=(1, 3, 3), padding=(0, 1, 1), stride=1),
        norm_relu(co.Conv3d(192, 32, kernel_size=1), 32),
    ),
    reduce="concat",
)

Input shapes

We enforce a unified ordering of input dimensions for all library modules, namely:

(batch, channel, time, optional_dim2, optional_dim3)

Outputs

The outputs produces by forward_step and forward_steps are identical to those of forward, provided the same data was input beforehand and state update was enabled. We know that input and output shapes aren't necessarily the same when using forward in the PyTorch library, and generally depends on padding, stride and receptive field of a module.

For the forward_step function, this comes to show by some None-valued outputs. Specifically, modules with a delay (i.e. with receptive fields larger than the padding + 1) will produce None until the input count exceeds the delay. Moreover, stride > 1 will produce Tensor outputs every stride steps and None the remaining steps. A visual example is shown below:


A mixed example of delay and outputs under padding and stride. Here, we illustrate the step-wise operation of two co module layers, l1 with with receptive_field = 3, padding = 2, and stride = 2 and l2 with receptive_field = 3, no padding and stride = 1. ⧇ denotes a padded zero, ■ is a non-zero step-feature, and ☒ is an empty output.

For more information, please see the library paper.

Module library

Continual Inference features a rich collection of modules for defining Continual Inference Networks. Specific care was taken to create CIN versions of the PyTorch modules found in torch.nn:

Convolutions
Pooling
Linear
Recurrent
Transformers

Modules for composing and converting networks. Both composition and utility modules can be used for regular definition of PyTorch modules as well.

Composition modules
  • co.Sequential: Invoke modules sequentially, passing the output of one module onto the next.
  • co.Broadcast: Broadcast one stream to multiple.
  • co.Parallel: Invoke modules in parallel given each their input.
  • co.ParallelDispatch: Dispatch multiple input streams to multiple output streams flexibly.
  • co.Reduce: Reduce multiple input streams to one.
  • co.BroadcastReduce: Shorthand for Sequential(Broadcast, Parallel, Reduce).
  • co.Residual: Residual connection.
  • co.Conditional: Conditionally checks whether to invoke a module (or another) at runtime.
Utility modules
  • co.Delay: Pure delay module (e.g. needed in residuals).
  • co.Reshape: Reshape non-temporal dimensions.
  • co.Lambda: Lambda module which wraps any function.
  • co.Add: Adds a constant value.
  • co.Multiply: Multiplies with a constant factor.
  • co.Unity: Maps input to output without modification.
  • co.Constant: Maps input to and output with constant value.
  • co.Zero: Maps input to output of zeros.
  • co.One: Maps input to output of ones.
Converters
  • co.continual: conversion function from torch.nn modules to co modules.
  • co.forward_stepping: functional wrapper, which enhances temporally local torch.nn modules with the forward_stepping functions.

We support drop-in interoperability with with the following torch.nn modules:

Activation
  • nn.Threshold
  • nn.ReLU
  • nn.RReLU
  • nn.Hardtanh
  • nn.ReLU6
  • nn.Sigmoid
  • nn.Hardsigmoid
  • nn.Tanh
  • nn.SiLU
  • nn.Hardswish
  • nn.ELU
  • nn.CELU
  • nn.SELU
  • nn.GLU
  • nn.GELU
  • nn.Hardshrink
  • nn.LeakyReLU
  • nn.LogSigmoid
  • nn.Softplus
  • nn.Softshrink
  • nn.PReLU
  • nn.Softsign
  • nn.Tanhshrink
  • nn.Softmin
  • nn.Softmax
  • nn.Softmax2d
  • nn.LogSoftmax
Normalization
  • nn.BatchNorm1d
  • nn.BatchNorm2d
  • nn.BatchNorm3d
  • nn.LayerNorm
Dropout
  • nn.Dropout
  • nn.Dropout2d
  • nn.Dropout3d
  • nn.AlphaDropout
  • nn.FeatureAlphaDropout

Model Zoo and Benchmarks

Continual 3D CNNs

Benchmark results for 1-view testing on Kinetics400. For reference, X3D-L scores 69.3% top-1 acc with 19.2 GFLOPs per prediction.

Arch Avg. pool size Top 1 (%) FLOPs (G) per step FLOPs reduction Params (M) Code Weights
CoX3D-L 64 71.6 1.25 15.3x 6.2 link link
CoX3D-M 64 71.0 0.33 15.1x 3.8 link link
CoX3D-S 64 64.7 0.17 12.1x 3.8 link link
CoSlow 64 73.1 6.90 8.0x 32.5 link link
CoI3D 64 64.0 5.68 5.0x 28.0 link link

FLOPs reduction is noted relative to non-continual inference. Note that on-hardware inference doesn't reach the same speedups as "FLOPs reductions" might suggest due to overhead of state reads and writes. This overhead is less important for large batch sizes. This applies to all models in the model zoo.

Continual ST-GCNs

Benchmark results for on NTU RGB+D 60 for the joint modality. For reference, ST-GCN achieves 86% X-Sub and 93.4 X-View accuracy with 16.73 GFLOPs per prediction.

Arch Receptive field X-Sub Acc (%) X-View Acc (%) FLOPs (G) per step FLOPs reduction Params (M) Code
CoST-GCN 300 86.3 93.8 0.16 107.7x 3.1 link
CoA-GCN 300 84.1 92.6 0.17 108.7x 3.5 link
CoST-GCN 300 86.3 92.4 0.15 107.6x 3.1 link

Here, you can download pre-trained,model weights for the above architectures on NTU RGB+D 60, NTU RGB+D 120, and Kinetics-400 on joint and bone modalities.

Continual Transformers

Benchmark results for on THUMOS14 on top of features extracted using a TSN-ResNet50 backbone pre-trained on Kinetics400. For reference, OadTR achieves 64.4 % mAP with 2.5 GFLOPs per prediction.

Arch Receptive field mAP (%) FLOPs (G) per step Params (M) Code
CoOadTR-b1 64 64.2 0.41 15.9 link
CoOadTR-b2 64 64.4 0.01 9.6 link

The library features complete implementations of the one- and two-block continual transformer encoders as well.

Compatibility

The library modules are built to integrate seamlessly with other PyTorch projects. Specifically, extra care was taken to ensure out-of-the-box compatibility with:

Citation

@inproceedings{hedegaard2022colib,
  title={Continual Inference: A Library for Efficient Online Inference with Deep Neural Networks in PyTorch},
  author={Lukas Hedegaard and Alexandros Iosifidis},
  booktitle={European Conference on Computer Vision Workshops (ECCVW)},
  year={2022}
}

Acknowledgement

This work has received funding from the European Union’s Horizon 2020 research and innovation programme under grant agreement No 871449 (OpenDR).

Project details


Download files

Download the file for your platform. If you're not sure which to choose, learn more about installing packages.

Source Distribution

torch-stream-0.0.1.tar.gz (64.9 kB view hashes)

Uploaded Source

Built Distribution

torch_stream-0.0.1-py3-none-any.whl (68.4 kB view hashes)

Uploaded Python 3

Supported by

AWS AWS Cloud computing and Security Sponsor Datadog Datadog Monitoring Fastly Fastly CDN Google Google Download Analytics Microsoft Microsoft PSF Sponsor Pingdom Pingdom Monitoring Sentry Sentry Error logging StatusPage StatusPage Status page