资源算法MinkowskiEngine

MinkowskiEngine

2019-10-10 | |  680 |   0 |   0

Minkowski Engine

The MinkowskiEngine is an auto-differentiation library for sparse tensors. It supports all standard neural network layers such as convolution, pooling, unpooling, and broadcasting operations for sparse tensors. For more information, please visit the documentation page.

Features

  • Unlimited high-(spatial)-dimensional sparse tensor support

  • Dynamic computation graph

  • Custom kernel shapes

  • Generalized sparse convolution

  • Dilated convolution

  • Multi-GPU training

  • Multi-threaded kernel map

  • Multi-threaded compilation

  • Highly-optimized GPU kernels

Requirements

  • Ubuntu 14.04 or higher

  • CUDA 10.0 or higher

  • pytorch 1.2 or higher

Installation

You can install the MinkowskiEngine without sudo using anaconda. Using anaconda is highly recommended.

Anaconda

We recommend python>=3.6 for installation. If you have compilation issues, please checkout the common compilation issues page first.

1. Create a conda virtual environment and install requirements.

First, follow the anaconda documentation to install anaconda on your computer.

conda create -n py3-mink python=3.7 anaconda
conda activate py3-mink
conda install openblas numpy
conda install -c bioconda google-sparsehash
conda install pytorch torchvision -c pytorch

2. Compilation and installation

conda activate py3-mink
git clone https://github.com/StanfordVL/MinkowskiEngine.git
cd MinkowskiEngine
python setup.py install

Python virtual environment

Like the anaconda installation, make sure that you install pytorch with the the same CUDA version that nvcc uses.

sudo apt install libsparsehash-dev libopenblas-dev
# within a python3 environment
pip install torch
git clone https://github.com/StanfordVL/MinkowskiEngine.git
cd MinkowskiEngine
pip install -r requirements.txt
python setup.py install

Quick Start

To use the Minkowski Engine, you first would need to import the engine. Then, you would need to define the network. If the data you have is not quantized, you would need to voxelize or quantize the (spatial) data into a sparse tensor. Fortunately, the Minkowski Engine provides the quantization function (MinkowskiEngine.utils.sparse_quantize).

Creating a Network

import MinkowskiEngine as MEclass ExampleNetwork(ME.MinkowskiNetwork):    def __init__(self, in_feat, out_feat, D):        super(ExampleNetwork, self).__init__(D)        self.conv1 = ME.MinkowskiConvolution(            in_channels=in_feat,            out_channels=64,            kernel_size=3,            stride=2,            dilation=1,            has_bias=False,            dimension=D)        self.bn1 = ME.MinkowskiBatchNorm(64)        self.conv2 = ME.MinkowskiConvolution(            in_channels=64,            out_channels=128,            kernel_size=3,            stride=2,            dimension=D)        self.bn2 = ME.MinkowskiBatchNorm(128)        self.pooling = ME.MinkowskiGlobalPooling(dimension=D)        self.linear = ME.MinkowskiLinear(128, out_feat)        self.relu = ME.MinkowskiReLU(inplace=True)    def forward(self, x):
        out = self.conv1(x)
        out = self.bn1(out)
        out = self.relu(out)

        out = self.conv2(out)
        out = self.bn2(out)
        out = self.relu(out)

        out = self.pooling(out)        return self.linear(out)

Forward and backward using the custom network

    # loss and network
    criterion = nn.CrossEntropyLoss()
    net = ExampleNetwork(in_feat=3, out_feat=5, D=2)    print(net)    # a data loader must return a tuple of coords, features, and labels.
    coords, feat, label = data_loader()    input = ME.SparseTensor(feat, coords=coords)    # Forward
    output = net(input)    # Loss
    loss = criterion(output.F, label)

Running the Examples

After installing the package, run python -m examples.example in the package root directory. For indoor semantic segmentation. run python -m examples.indoor in the package root directory.

68747470733a2f2f7374616e666f7264766c2e6769746875622e696f2f4d696e6b6f77736b69456e67696e652f5f696d616765732f7365676d656e746174696f6e2e706e67.png

Discussion and Documentation

For discussion and questions, please use minkowskiengine@googlegroups.com. For API and general usage, please refer to the MinkowskiEngine documentation page for more detail.

For issues not listed on the API and feature requests, feel free to submit an issue on the github issue page.

References

@inproceedings{choy20194d,
  title={4D Spatio-Temporal ConvNets: Minkowski Convolutional Neural Networks},
  author={Choy, Christopher and Gwak, JunYoung and Savarese, Silvio},
  booktitle={Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition},
  pages={3075--3084},
  year={2019}
}

Projects using MinkowskiEngine

Feel free to send me your project link to .


上一篇:pytorch-hessian-eigenthings

下一篇:pytorch-cpp-rl

用户评价
全部评价

热门资源

  • tensorflow-sketch...

    Discrlaimer: This is not an official Google pro...

  • Keras-ResNeXt

    Keras ResNeXt Implementation of ResNeXt models...

  • stanford_corenlp_...

    UPDATE MARCH 2018: this code is obsolete, beyon...

  • qp_testing

    qp_testing mkdir build cd build cmake .. make

  • seetafaceJNI

    项目介绍 基于中科院seetaface2进行封装的JAVA...