8.5 KiB
Barracuda
Barracuda is a lightweight and cross-platform Neural Net inference library for Unity. Barracuda can execute both on GPU and CPU. Currently Barracuda is in the early development stage, so adventures are expected.
Using Barracuda
Typically the following steps are needed to use Barracuda in application:
- load model,
- create inference engine (the worker),
- execute model and
- fetch results.
But first you have to convert your TensorFlow (or ONNX) model to Barracuda format with python scripts. Example usage:
python onnx_to_barracuda.py Models/mnist/model.onnx Destination/mnist.bytes
See Converting models to Barracuda paragraph below for more information.
Load Model into Barracuda
Once you have your TensorFlow (or ONNX) model converted, you can load resulting Barracuda file via ModelLoader
:
var model = ModelLoader.LoadFromStreamingAssets(modelName + ".nn");
Another option is to use editor model importer. Just add public NNModel
field to your C# script and assing .nn
model file via editor UI:
public NNModel modelSource;
<..>
var model = ModelLoader.Load(modelSource);
Create inference engine (Worker)
Inference engine in Barracuda is called Worker. Worker is responsible for converting model into executable tasks and scheduling them on GPU or CPU.
var worker = BarracudaWorkerFactory.CreateWorker(BarracudaWorkerFactory.Type.ComputePrecompiled, model)
Execute the model
Inputs can be provided both as sole Tensor
object (assuming Model has only one input) or as a dictionary of name and Tensor
pairs.
var inputs = new Dictionary<string, Tensor>();
inputs[name1] = new Tensor(...);
inputs[name2] = new Tensor(...);
worker.Execute(inputs);
Execution is asynchronous for GPU backends. Currently implementation is synchronous for CPU backends, however it is good to assume that execution will be async for all backends in the future.
Fetch outputs
If model has only single output, then simple worker.Peek()
can be used, otherwise output names should be provided.
var O = worker.Peek(outputName);
Note: Peek()
does not take ownership of the tensor. If you expect to keep tensor for longer time use Fetch()
Cleanup
As a Barracuda client you are responsible to Dispose
worker, inputs and outputs you fetched. This is necessary to properly free GPU resources.
O.Dispose();
worker.Dispose();
Working with data
Tensor
Barracuda stores data in batch
,height
,width
,channels
also known as NHWC or channels-last format. You can interact with Tensor
data via multi-dimensional array operators:
var tensor = new Tensor(batchCount, height, width, channelCount);
tensor[n, y, x, c] = 1.0f; // as N batches of 3 dimensional data: N x {X, Y, C}
tensor[n, c] = 2.0f; // as N batches of 1 dimensional data: N x {C}
tensor[ i] = 3.0f; // as flat array
There are number of Tensor
constructors that cover variety of scenarios. By default tensors are initialized with 0
upon construction, unless intialization Array
is provided.
tensor = new Tensor(batchCount, height, width, channelCount); // batch of 3 dimensional data, 0 initialized: batchCount x {height, width, channelCount}
tensor = new Tensor(batchCount, elementCount); // batch of 1 dimensional data, 0 initialized: batchCount x {elementCount}
var stridedArray = new float[batchCount * elementCount] { ... };
tensor = new Tensor(batchCount, elementCount, stridedArray); // batch of 1 dimensional data, initialized from strided array
var jaggedArray = new float[batchCount][elementCount] { ... };
tensor = new Tensor(batchCount, elementCount, jaggedArray); // batch of 1 dimensional data, initialized from jagged array
Texture2D texture = ...;
tensor = new Tensor(texture); // tensor initialized with texture data: 1 x { texture.width, texture.height, 3}
You can query shape of the Tensor
object, but you can not change it. Shape of the Tensor
is immutable. If you want to have different shape of Tensor
, you have to construct the new instance of Tensor
object.
var shape = tensor.shape;
Debug.Log(shape + " or " + shape.batch + shape.height + shape.width + shape.channels);
Texture as input
You can directly pass Texture2D
, Texture2DArray
, Texture3D
or RenderTexture
to Barracuda without accessing individual pixels on CPU:
var channelCount = 3; // you can treat input pixels as 1 (grayscale), 3 (color) or 4 (color with alpha) channels
var tensor = new Tensor(texture, channelCount);
You can batch multiple textures into the single Tensor
object:
var textures = new [] { texture0, texture1, texture2, texture3 }; // these textures will form a batch
var tensor = new Tensor(textures, channelCount);
Note that to form a batch all textures must have the same width and height dimensions.
Texture as output
If you want to use Barracuda execution results further in the graphics pipeline, you can copy data from Tensor
into RenderTexture
without stalling CPU or GPU:
var tensor = worker.Peek();
var texture = BarracudaTextureUtils.TensorToRenderTexture(tensor);
If you wish, you can reuse the same RenderTexture
multiple times:
var texture = new RenderTexture(width, height, 0);
// ...
var tensor = worker.Peek();
BarracudaTextureUtils.TensorToRenderTexture(tensor, texture);
Introspecting Barracuda models
Barracuda model has very simple memory representation. Once model is loaded you can query for inputs and outputs:
string[] inputNames = model.inputs; // query model inputs
string[] outputNames = model.outputs; // query model outputs
Or you can directly iterate through the layers and investigate what model is going to do:
foreach (var layer in model.layers)
Debug.Log(layer.name + " does " + layer.type);
Verbose mode
You can turn on verbose mode for different parts of Barracuda:
bool verbose = true;
var model = ModelLoader.LoadFromStreamingAssets(modelName + ".bytes", verbose); // verbose loader
var worker = BarracudaWorkerFactory.CreateWorker(BarracudaWorkerFactory.Type.ComputeFast, model, verbose); // verbose execution
Converting TensorFlow and ONNX models to Barracuda format
Barracuda comes with dedicated python scripts to convert pre-trained TensorFlow and ONNX models to Barracuda format.
Convert from TensorFlow:
python tensorflow_to_barracuda.py Models/3DBall-tf-model.pb Destination/3DBall-bc.nn
Convert from ONNX:
python onnx_to_barracuda.py Models/mnist/model.onnx Destination/mnist-bc.nn
If network has multiple outputs, but you need only particular ones during the inference, there is an optional -trim
flag to remove unused outputs and calculations.
For example:
python tensorflow_to_barracuda.py Models/3DBall-tf-model.pb Destination/3DBall-bc.bytes -trim action$
Trim will first remove outputs that do not match regular expression from the graph. In this case only output that ends with action
will be left.
Next trim will strip all nodes that do not participate in the evaluation of the output.
You could pass --print-supported-ops
to get approximate list of supported operations/activations for specific converter.
Approximate list of supported layers/operations for TensorFlow converter
Activation
Add
AvgPool
BatchNormalization
BatchNormalizationRuntime
BiasAdd
Concat
Conv2D
Conv2DBackpropInput
Dense
DepthwiseConv2dNative
Flatten
FusedBatchNorm
GlobalAveragePool
GlobalAvgPool
InstanceNormalization
LRN
MatMul
Max
MaxPool
Maximum
Mean
Min
Minimum
Mul
Multinomial
Nop
OneHot
Pad
Pow
Prod
RandomStandardNormal
RandomUniform
RealDiv
Reshape
ResizeBicubic
ResizeBilinear
ResizeNearestNeighbor
StridedSlice
Sub
Sum
Approximate list of supported activations for TensorFlow converter
Abs
Acos
Acosh
Asin
Asinh
Atan
Atanh
Ceil
Cos
Cosh
Elu
Exp
Floor
LeakyRelu
Linear
Log
LogSoftmax
Neg
Relu
Relu6
Selu
Sigmoid
Sin
Sinh
Softmax
Softplus
Softsign
Sqrt
Swish
Tan
Tanh
P.S. some of these operations are under limited support and not all configurations are properly supported
P.P.S. Python 3.5 or 3.6 is recommended
P.P.P.S. We plan to migrate Tensorflow and ONNX converters from Python to C# in the future.