scispace - formally typeset
Open AccessProceedings ArticleDOI

Kornia: an Open Source Differentiable Computer Vision Library for PyTorch

Reads0
Chats0
TLDR
Kornia as mentioned in this paper is an open source computer vision library which consists of a set of differentiable routines and modules to solve generic computer vision problems, such as image transformations, camera calibration, epipolar geometry, and low level image processing techniques.
Abstract
This work presents Kornia – an open source computer vision library which consists of a set of differentiable routines and modules to solve generic computer vision problems. The package uses PyTorch as its main backend both for efficiency and to take advantage of the reverse-mode auto-differentiation to define and compute the gradient of complex functions. Inspired by OpenCV, Kornia is composed of a set of modules containing operators that can be inserted inside neural networks to train models to perform image transformations, camera calibration, epipolar geometry, and low level image processing techniques, such as filtering and edge detection that operate directly on high dimensional tensor representations. Examples of classical vision problems implemented using our framework are provided including a benchmark comparing to existing vision libraries.

read more

Content maybe subject to copyright    Report

Citations
More filters
Posted Content

Image Augmentation Is All You Need: Regularizing Deep Reinforcement Learning from Pixels

TL;DR: The addition of the augmentation method dramatically improves SAC's performance, enabling it to reach state-of-the-art performance on the DeepMind control suite, surpassing model-based methods and recently proposed contrastive learning (CURL).
Journal ArticleDOI

TorchIO: A Python library for efficient loading, preprocessing, augmentation and patch-based sampling of medical images in deep learning

TL;DR: Support for 2D, 3D and 4D images such as X-ray, histopathology, CT, ultrasound and diffusion MRI and focus on reproducibility and traceability to encourage open-science practices.
Journal ArticleDOI

Image Matching across Wide Baselines: From Paper to Practice

TL;DR: It is shown that with proper settings, classical solutions may still outperform the perceived state of the art, and the conducted experiments reveal unexpected properties of structure from motion pipelines that can help improve their performance, for both algorithmic and learned methods.
Book ChapterDOI

Faster AutoAugment: Learning Augmentation Strategies Using Backpropagation

TL;DR: Faster AutoAugment as discussed by the authors proposes a differentiable policy search pipeline for data augmentation, which is much faster than previous methods and introduces approximate gradients for several transformation operations with discrete parameters.
Proceedings ArticleDOI

SimPLE: Similar Pseudo Label Exploitation for Semi-Supervised Classification

TL;DR: Hu et al. as mentioned in this paper proposed a pair loss to minimize the statistical distance between high confidence pseudo labels with similarity above a certain threshold, which shows significant performance gains over previous algorithms on CIFAR100 and Mini-ImageNet.
References
More filters
Proceedings Article

Adam: A Method for Stochastic Optimization

TL;DR: This work introduces Adam, an algorithm for first-order gradient-based optimization of stochastic objective functions, based on adaptive estimates of lower-order moments, and provides a regret bound on the convergence rate that is comparable to the best known results under the online convex optimization framework.
Proceedings Article

ImageNet Classification with Deep Convolutional Neural Networks

TL;DR: The state-of-the-art performance of CNNs was achieved by Deep Convolutional Neural Networks (DCNNs) as discussed by the authors, which consists of five convolutional layers, some of which are followed by max-pooling layers, and three fully-connected layers with a final 1000-way softmax.
Journal Article

Scikit-learn: Machine Learning in Python

TL;DR: Scikit-learn is a Python module integrating a wide range of state-of-the-art machine learning algorithms for medium-scale supervised and unsupervised problems, focusing on bringing machine learning to non-specialists using a general-purpose high-level language.
Journal ArticleDOI

Distinctive Image Features from Scale-Invariant Keypoints

TL;DR: This paper presents a method for extracting distinctive invariant features from images that can be used to perform reliable matching between different views of an object or scene and can robustly identify objects among clutter and occlusion while achieving near real-time performance.
Journal ArticleDOI

Gradient-based learning applied to document recognition

TL;DR: In this article, a graph transformer network (GTN) is proposed for handwritten character recognition, which can be used to synthesize a complex decision surface that can classify high-dimensional patterns, such as handwritten characters.