4.1 Article

Efficient Visual Recognition: A Survey on Recent Advances and Brain-inspired Methodologies

相关参考文献

注意:仅列出部分参考文献,下载原文获取全部文献信息。
Article Computer Science, Artificial Intelligence

Kronecker CP Decomposition With Fast Multiplication for Compressing RNNs

Dingheng Wang et al.

Summary: This article introduces a method for compressing recurrent neural networks (RNNs) based on Kronecker CANDECOMP/PARAFAC (KCP) decomposition. Experimental results demonstrate that KCP-RNNs achieve comparable accuracy, high compression ratios, and efficiency in both space and computation complexity compared to other tensor decomposition methods.

IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS (2023)

Article Computer Science, Artificial Intelligence

Comprehensive SNN Compression Using ADMM Optimization and Activity Regularization

Lei Deng et al.

Summary: This paper investigates the compression of spiking neural networks (SNNs) and presents a comprehensive approach to achieve SNN compression. The study shows that the running efficiency of SNNs can be improved through methods such as connection pruning, weight quantization, and activity regularization, while accuracy loss can be minimized through spatiotemporal backpropagation and alternating direction method of multipliers.

IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS (2023)

Article Computer Science, Artificial Intelligence

Event-Based Vision: A Survey

Guillermo Gallego et al.

Summary: This paper provides a comprehensive overview of event-based vision, focusing on the applications and algorithms developed for event cameras. Event cameras differ from traditional cameras in their asynchronous measurement of per-pixel brightness changes, offering high temporal resolution, very high dynamic range, low power consumption, and high pixel bandwidth. The paper discusses techniques for processing events, including learning-based methods and specialized processors. It also highlights the remaining challenges and opportunities in the field of bio-inspired perception and interaction for machines.

IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE (2022)

Article Computer Science, Artificial Intelligence

Filter Sketch for Network Pruning

Mingbao Lin et al.

Summary: The proposed approach, FilterSketch, utilizes information from pretrained network weights to efficiently prune networks without sacrificing accuracy. Experimental results show significant reduction in computational operations and network parameters with minimal accuracy cost.

IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS (2022)

Article Computer Science, Artificial Intelligence

Network Pruning Using Adaptive Exemplar Filters

Mingbao Lin et al.

Summary: EPruner is an automatic and efficient pruning approach that simplifies algorithm design by introducing adaptive exemplar filters. It breaks the dependency on training data in determining important filters and allows CPU implementation in seconds.

IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS (2022)

Article Computer Science, Artificial Intelligence

Dynamic Neural Networks: A Survey

Yizeng Han et al.

Summary: Dynamic neural networks, which can adapt their structures or parameters to different inputs, have notable advantages in terms of accuracy, computational efficiency, and adaptiveness compared to static models. This survey comprehensively reviews the rapidly developing area of dynamic networks, categorizing them into sample-wise, spatial-wise, and temporal-wise models, and discusses important research problems and future directions.

IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE (2022)

Article Computer Science, Artificial Intelligence

CoDiNet: Path Distribution Modeling With Consistency and Diversity for Dynamic Routing

Huanyu Wang et al.

Summary: This paper presents a novel method for dynamic routing networks, which models the relationship between sample space and routing space by regulating the consistency and diversity of routing paths. This method has achieved significant improvements in performance and computational cost reduction.

IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE (2022)

Article Computer Science, Information Systems

O(N)-Space Spatiotemporal Filter for Reducing Noise in Neuromorphic Vision Sensors

Alireza Khodamoradi et al.

Summary: Neuromorphic vision sensors are a novel technology that utilizes asynchronous event-driven systems to achieve faster sampling rates compared to conventional Active Pixel Sensors. Highly sensitive to noise, these sensors require effective spatiotemporal filters to decrease background activity noise effectively.

IEEE TRANSACTIONS ON EMERGING TOPICS IN COMPUTING (2021)

Article Computer Science, Artificial Intelligence

Nonlinear tensor train format for deep neural network compression

Dingheng Wang et al.

Summary: This research introduces a novel nonlinear tensor train (NTT) format by studying various tensor decomposition methods, which compensates for the accuracy loss that normal tensor train (TT) cannot provide by embedding additional nonlinear activation functions in sequenced contractions and convolutions. Experimental results demonstrate that the compressed DNNs in the NTT format can maintain accuracy on multiple datasets.

NEURAL NETWORKS (2021)

Article Computer Science, Hardware & Architecture

VecQ: Minimal Loss DNN Model Compression With Vectorized Weight Quantization

Cheng Gong et al.

Summary: This paper introduces a novel quantization solution called VecQ, which decomposes the minimization of Direct Quantization Loss (DQL) into two independent optimization processes using a new metric Vector Loss. By evaluating on various datasets and models, the results demonstrate that the proposed solution is more accurate and effective than existing methods, with more flexible bitwidth support.

IEEE TRANSACTIONS ON COMPUTERS (2021)

Article Computer Science, Artificial Intelligence

High Speed and High Dynamic Range Video with an Event Camera

Henri Rebecq et al.

Summary: Event cameras are sensors that report brightness changes in the form of asynchronous events, offering advantages such as high temporal resolution, dynamic range, and lack of motion blur. This study introduces a data-driven approach to reconstruct intensity images from event streams, showcasing significant improvements in terms of image quality and real-time performance compared to existing methods.

IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE (2021)

Article Computer Science, Artificial Intelligence

QTTNet: Quantized tensor train neural networks for 3D object and video recognition

Donghyun Lee et al.

Summary: This article introduces a training framework for three-dimensional convolutional neural networks called QTTNet, which combines tensor train decomposition and data quantization to further shrink the model size and reduce memory and time costs. Experimental results demonstrate the effectiveness and competitiveness of this method in compressing 3D object and video recognition models.

NEURAL NETWORKS (2021)

Proceedings Paper Computer Science, Artificial Intelligence

Temporal-wise Attention Spiking Neural Networks for Event Streams Classification

Man Yao et al.

Summary: In this research, a temporal-wise attention SNN model is proposed to enhance the accuracy of processing event streams. By extending the attention concept to temporal-wise input, the model has shown significant improvements in accuracy across three different classification tasks. The results demonstrate the potential of the temporal-wise attention SNN model for effective event stream processing.

2021 IEEE/CVF INTERNATIONAL CONFERENCE ON COMPUTER VISION (ICCV 2021) (2021)

Proceedings Paper Computer Science, Artificial Intelligence

Hybrid and non-uniform quantization methods using retro synthesis data for efficient inference

Tej G. V. S. L. Pratap et al.

Summary: This paper proposes a data-independent post-training quantization scheme that outperforms existing methods on various precision models without needing training data. It also introduces futuristic variants of post-training quantization methods, namely 'Hybrid Quantization' and 'Non-Uniform Quantization', which show improved efficiency and accuracy compared to current methods on ImageNet and CIFAR-10 datasets.

2021 INTERNATIONAL JOINT CONFERENCE ON NEURAL NETWORKS (IJCNN) (2021)

Article Computer Science, Artificial Intelligence

Where to Prune: Using LSTM to Guide Data-Dependent Soft Pruning

Guiguang Ding et al.

Summary: In this paper, a new channel pruning framework is proposed utilizing long short-term memory (LSTM) to learn hierarchical characteristics and a data-dependent soft pruning method is introduced. Experimental results demonstrate that this approach achieves comparable accuracy while reducing computational complexity.

IEEE TRANSACTIONS ON IMAGE PROCESSING (2021)

Article Computer Science, Artificial Intelligence

Deep Learning for Generic Object Detection: A Survey

Li Liu et al.

INTERNATIONAL JOURNAL OF COMPUTER VISION (2020)

Article Computer Science, Hardware & Architecture

Grow and Prune Compact, Fast, and Accurate LSTMs

Xiaoliang Dai et al.

IEEE TRANSACTIONS ON COMPUTERS (2020)

Article Computer Science, Artificial Intelligence

Training high-performance and large-scale deep neural networks with full 8-bit integers

Yukuan Yang et al.

NEURAL NETWORKS (2020)

Article Computer Science, Artificial Intelligence

Rethinking the performance comparison between SNNS and ANNS

Lei Deng et al.

NEURAL NETWORKS (2020)

Article Computer Science, Artificial Intelligence

Toward Compact ConvNets via Structure-Sparsity Regularized Filter Pruning

Shaohui Lin et al.

IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS (2020)

Article Engineering, Electrical & Electronic

Model Compression and Hardware Acceleration for Neural Networks: A Comprehensive Survey

Lei Deng et al.

PROCEEDINGS OF THE IEEE (2020)

Article Computer Science, Information Systems

Human activity recognition in RGB-D videos by dynamic images

Snehasis Mukherjee et al.

MULTIMEDIA TOOLS AND APPLICATIONS (2020)

Article Computer Science, Artificial Intelligence

AutoPruner: An end-to-end trainable filter pruning method for efficient deep model inference

Jian-Hao Luo et al.

PATTERN RECOGNITION (2020)

Article Computer Science, Artificial Intelligence

Compressing 3DCNNs based on tensor train decomposition

Dingheng Wang et al.

NEURAL NETWORKS (2020)

Article Computer Science, Artificial Intelligence

Tensor Networks for Latent Variable Analysis: Higher Order Canonical Polyadic Decomposition

Anh-Huy Phan et al.

IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS (2020)

Article Computer Science, Artificial Intelligence

Comparing SNNs and RNNs on neuromorphic vision datasets: Similarities and differences

Weihua He et al.

NEURAL NETWORKS (2020)

Article Computer Science, Artificial Intelligence

Hybrid tensor decomposition in neural network compression

Bijiao Wu et al.

NEURAL NETWORKS (2020)

Article Computer Science, Artificial Intelligence

Hierarchical LSTMs with Adaptive Attention for Visual Captioning

Lianli Gao et al.

IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE (2020)

Article Engineering, Electrical & Electronic

Tensor rank learning in CP decomposition via convolutional neural network

Mingyi Zhou et al.

SIGNAL PROCESSING-IMAGE COMMUNICATION (2019)

Article Computer Science, Artificial Intelligence

Recent advances in convolutional neural network acceleration

Qianru Zhang et al.

NEUROCOMPUTING (2019)

Article Computer Science, Information Systems

Action recognition for depth video using multi-view dynamic images

Yang Xiao et al.

INFORMATION SCIENCES (2019)

Article Multidisciplinary Sciences

Towards artificial general intelligence with hybrid Tianjic chip architecture

Jing Pei et al.

NATURE (2019)

Article Computer Science, Hardware & Architecture

NeST: A Neural Network Synthesis Tool Based on a Grow-and-Prune Paradigm

Xiaoliang Dai et al.

IEEE TRANSACTIONS ON COMPUTERS (2019)

Article Computer Science, Artificial Intelligence

Runtime Network Routing for Efficient Image Classification

Yongming Rao et al.

IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE (2019)

Article Computer Science, Artificial Intelligence

From Deterministic to Generative: Multimodal Stochastic RNNs for Video Captioning

Jingkuan Song et al.

IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS (2019)

Article Multidisciplinary Sciences

Towards spike-based machine intelligence with neuromorphic computing

Kaushik Roy et al.

NATURE (2019)

Article Computer Science, Artificial Intelligence

From BoW to CNN: Two Decades of Texture Representation for Texture Classification

Li Liu et al.

INTERNATIONAL JOURNAL OF COMPUTER VISION (2019)

Proceedings Paper Computer Science, Artificial Intelligence

Spatial-Temporal Attention Res-TCN for Skeleton-Based Dynamic Hand Gesture Recognition

Jingxuan Hou et al.

COMPUTER VISION - ECCV 2018 WORKSHOPS, PT VI (2019)

Proceedings Paper Engineering, Electrical & Electronic

Space-time Event Clouds for Gesture Recognition: from RGB Cameras to Event Cameras

Qinyi Wang et al.

2019 IEEE WINTER CONFERENCE ON APPLICATIONS OF COMPUTER VISION (WACV) (2019)

Proceedings Paper Computer Science, Artificial Intelligence

Video Compression With Rate-Distortion Autoencoders

Amirhossein Habibian et al.

2019 IEEE/CVF INTERNATIONAL CONFERENCE ON COMPUTER VISION (ICCV 2019) (2019)

Proceedings Paper Computer Science, Artificial Intelligence

EV-Gait: Event-based Robust Gait Recognition using Dynamic Vision Sensors

Yanxiang Wang et al.

2019 IEEE/CVF CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR 2019) (2019)

Proceedings Paper Computer Science, Artificial Intelligence

Modeling Point Clouds with Self-Attention and Gumbel Subset Sampling

Jiancheng Yang et al.

2019 IEEE/CVF CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR 2019) (2019)

Proceedings Paper Computer Science, Artificial Intelligence

Dynamic Recursive Neural Network

Qiushan Guo et al.

2019 IEEE/CVF CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR 2019) (2019)

Proceedings Paper Computer Science, Artificial Intelligence

EventNet: Asynchronous Recursive Event Processing

Yusuke Sekikawa et al.

2019 IEEE/CVF CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR 2019) (2019)

Proceedings Paper Optics

Dynamic-Stride-Net: Deep Convolutional Neural Network with Dynamic Stride

Zerui Yang et al.

OPTOELECTRONIC IMAGING AND MULTIMEDIA TECHNOLOGY VI (2019)

Proceedings Paper Imaging Science & Photographic Technology

LEARNING CONVOLUTIONAL TRANSFORMS FOR LOSSY POINT CLOUD GEOMETRY COMPRESSION

Maurice Quach et al.

2019 IEEE INTERNATIONAL CONFERENCE ON IMAGE PROCESSING (ICIP) (2019)

Article Computer Science, Artificial Intelligence

Beyond Temporal Pooling: Recurrence and Temporal Convolutions for Gesture Recognition in Video

Lionel Pigou et al.

INTERNATIONAL JOURNAL OF COMPUTER VISION (2018)

Article Engineering, Electrical & Electronic

A Highly Parallel and Energy Efficient Three-Dimensional Multilayer CMOS-RRAM Accelerator for Tensorized Neural Network

Hantao Huang et al.

IEEE TRANSACTIONS ON NANOTECHNOLOGY (2018)

Article Computer Science, Artificial Intelligence

Action Recognition with Dynamic Image Networks

Hakan Bilen et al.

IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE (2018)

Article Computer Science, Theory & Methods

Fundamental tensor operations for large-scale data analysis using tensor network formats

Namgil Lee et al.

MULTIDIMENSIONAL SYSTEMS AND SIGNAL PROCESSING (2018)

Article Engineering, Electrical & Electronic

Model Compression and Acceleration for Deep Neural Networks The principles, progress, and challenges

Yu Cheng et al.

IEEE SIGNAL PROCESSING MAGAZINE (2018)

Article Computer Science, Artificial Intelligence

Trunk-Branch Ensemble Convolutional Neural Networks for Video-Based Face Recognition

Changxing Ding et al.

IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE (2018)

Article Computer Science, Artificial Intelligence

Improving efficiency in convolutional neural networks with multilinear filters

Dat Thanh Tran et al.

NEURAL NETWORKS (2018)

Article Computer Science, Artificial Intelligence

Tensor-Factorized Neural Networks

Jen-Tzung Chien et al.

IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS (2018)

Article Computer Science, Information Systems

Action Recognition in Video Sequences using Deep Bi-Directional LSTM With CNN Features

Amin Ullah et al.

IEEE ACCESS (2018)

Article Physics, Multidisciplinary

Neural Network Renormalization Group

Shuo-Hui Li et al.

PHYSICAL REVIEW LETTERS (2018)

Article Computer Science, Artificial Intelligence

A review on document image analysis techniques directly in the compressed domain

Mohammed Javed et al.

ARTIFICIAL INTELLIGENCE REVIEW (2018)

Proceedings Paper Computer Science, Artificial Intelligence

Perturbative Neural Networks

Felix Juefei-Xu et al.

2018 IEEE/CVF CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR) (2018)

Proceedings Paper Computer Science, Artificial Intelligence

FFNet: Video Fast-Forwarding via Reinforcement Learning

Shuyue Lan et al.

2018 IEEE/CVF CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR) (2018)

Proceedings Paper Computer Science, Artificial Intelligence

Optimizing Video Object Detection via a Scale-Time Lattice

Kai Chen et al.

2018 IEEE/CVF CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR) (2018)

Proceedings Paper Computer Science, Artificial Intelligence

Deep Progressive Reinforcement Learning for Skeleton-based Action Recognition

Yansong Tang et al.

2018 IEEE/CVF CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR) (2018)

Proceedings Paper Computer Science, Artificial Intelligence

Recurrent Residual Module for Fast Inference in Videos

Bowen Pan et al.

2018 IEEE/CVF CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR) (2018)

Proceedings Paper Computer Science, Artificial Intelligence

SBNet: Sparse Blocks Network for Fast Inference

Mengye Ren et al.

2018 IEEE/CVF CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR) (2018)

Article Engineering, Multidisciplinary

Speeding-up convolutional neural networks: A survey

V Lebedev et al.

BULLETIN OF THE POLISH ACADEMY OF SCIENCES-TECHNICAL SCIENCES (2018)

Proceedings Paper Computer Science, Theory & Methods

On-Demand Deep Model Compression for Mobile Devices: A Usage-Driven Model Selection Framework

Sicong Liu et al.

MOBISYS'18: PROCEEDINGS OF THE 16TH ACM INTERNATIONAL CONFERENCE ON MOBILE SYSTEMS, APPLICATIONS, AND SERVICES (2018)

Article Computer Science, Hardware & Architecture

Balanced Quantization: An Effective and Efficient Approach to Quantized Neural Networks

Shu-Chang Zhou et al.

JOURNAL OF COMPUTER SCIENCE AND TECHNOLOGY (2017)

Article Physics, Multidisciplinary

Singular-Value-Decomposition Analysis of Associative Memory in a Neural Network

Tatsuya Kumamoto et al.

JOURNAL OF THE PHYSICAL SOCIETY OF JAPAN (2017)

Article Multidisciplinary Sciences

Quantum-chemical insights from deep tensor neural networks

Kristof T. Schuett et al.

NATURE COMMUNICATIONS (2017)

Article Computer Science, Artificial Intelligence

LSTM: A Search Space Odyssey

Klaus Greff et al.

IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS (2017)

Proceedings Paper Computer Science, Artificial Intelligence

A Low Power, Fully Event-Based Gesture Recognition System

Arnon Amir et al.

30TH IEEE CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR 2017) (2017)

Proceedings Paper Computer Science, Artificial Intelligence

Tensor Contraction Layers for Parsimonious Deep Nets

Jean Kossaifi et al.

2017 IEEE CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION WORKSHOPS (CVPRW) (2017)

Proceedings Paper Computer Science, Artificial Intelligence

Attribute-Enhanced Face Recognition with Neural Tensor Fusion Networks

Guosheng Hu et al.

2017 IEEE INTERNATIONAL CONFERENCE ON COMPUTER VISION (ICCV) (2017)

Proceedings Paper Computer Science, Artificial Intelligence

AdaScan: Adaptive Scan Pooling in Deep Convolutional Neural Networks for Human Action Recognition in Videos

Amlan Kar et al.

30TH IEEE CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR 2017) (2017)

Article Biology

Pre-trained convolutional neural networks as feature extractors for tuberculosis detection

U. K. Lopes et al.

COMPUTERS IN BIOLOGY AND MEDICINE (2017)

Proceedings Paper Computer Science, Artificial Intelligence

Local Binary Convolutional Neural Networks

Felix Juefei-Xu et al.

30TH IEEE CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR 2017) (2017)

Proceedings Paper Computer Science, Artificial Intelligence

Deep Roots: Improving CNN Efficiency with Hierarchical Filter Groups

Yani Ioannou et al.

30TH IEEE CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR 2017) (2017)

Proceedings Paper Computer Science, Artificial Intelligence

Densely Connected Convolutional Networks

Gao Huang et al.

30TH IEEE CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR 2017) (2017)

Proceedings Paper Computer Science, Artificial Intelligence

Segmentation-Aware Convolutional Networks Using Local Attention Masks

Adam W. Harley et al.

2017 IEEE INTERNATIONAL CONFERENCE ON COMPUTER VISION (ICCV) (2017)

Proceedings Paper Computer Science, Artificial Intelligence

TURN TAP: Temporal Unit Regression Network for Temporal Action Proposals

Jiyang Gao et al.

2017 IEEE INTERNATIONAL CONFERENCE ON COMPUTER VISION (ICCV) (2017)

Proceedings Paper Computer Science, Artificial Intelligence

Deformable Convolutional Networks

Jifeng Dai et al.

2017 IEEE INTERNATIONAL CONFERENCE ON COMPUTER VISION (ICCV) (2017)

Proceedings Paper Computer Science, Artificial Intelligence

Xception: Deep Learning with Depthwise Separable Convolutions

Francois Chollet

30TH IEEE CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR 2017) (2017)

Proceedings Paper Computer Science, Artificial Intelligence

Quo Vadis, Action Recognition? A New Model and the Kinetics Dataset

Joao Carreira et al.

30TH IEEE CONFERENCE ON COMPUTER VISION AND PATTERN RECOGNITION (CVPR 2017) (2017)

Article Geochemistry & Geophysics

Ship Detection in Spaceborne Optical Image With SVD Networks

Zhengxia Zou et al.

IEEE TRANSACTIONS ON GEOSCIENCE AND REMOTE SENSING (2016)

Article Computer Science, Interdisciplinary Applications

Convolutional Neural Networks for Medical Image Analysis: Full Training or Fine Tuning?

Nima Tajbakhsh et al.

IEEE TRANSACTIONS ON MEDICAL IMAGING (2016)

Article Computer Science, Artificial Intelligence

Accelerating Very Deep Convolutional Networks for Classification and Detection

Xiangyu Zhang et al.

IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE (2016)

Article Mathematics, Applied

REGULARIZED COMPUTATION OF APPROXIMATE PSEUDOINVERSE OF LARGE MATRICES USING LOW-RANK TENSOR TRAIN DECOMPOSITIONS

Namgil Lee et al.

SIAM JOURNAL ON MATRIX ANALYSIS AND APPLICATIONS (2016)

Article Automation & Control Systems

Minimal Gated Unit for Recurrent Neural Networks

Guo-Bing Zhou et al.

INTERNATIONAL JOURNAL OF AUTOMATION AND COMPUTING (2016)

Article Engineering, Electrical & Electronic

Tensor Decompositions for Signal Processing Applications

Andrzej Cichocki et al.

IEEE SIGNAL PROCESSING MAGAZINE (2015)

Article Multidisciplinary Sciences

Pattern classification by memristive crossbar circuits using ex situ and in situ training

Fabien Alibart et al.

NATURE COMMUNICATIONS (2013)

Article Neurosciences

Robotic goalie with 3 ms reaction time at 4% CPU load using event-based dynamic vision sensor

Tobi Delbruck et al.

FRONTIERS IN NEUROSCIENCE (2013)

Article Engineering, Electrical & Electronic

Overview of the High Efficiency Video Coding (HEVC) Standard

Gary J. Sullivan et al.

IEEE TRANSACTIONS ON CIRCUITS AND SYSTEMS FOR VIDEO TECHNOLOGY (2012)

Article Mathematics, Interdisciplinary Applications

A note on tensor chain approximation

Mike Espig et al.

COMPUTING AND VISUALIZATION IN SCIENCE (2012)

Article Mathematics

O(dlog N)-Quantics Approximation of N-d Tensors in High-Dimensional Numerical Modeling

Boris N. Khoromskij

CONSTRUCTIVE APPROXIMATION (2011)

Article Engineering, Electrical & Electronic

A QVGA 143 dB Dynamic Range Frame-Free PWM Image Sensor With Lossless Pixel-Level Video Compression and Time-Domain CDS

Christoph Posch et al.

IEEE JOURNAL OF SOLID-STATE CIRCUITS (2011)

Article Mathematics, Applied

TENSOR-TRAIN DECOMPOSITION

I. V. Oseledets

SIAM JOURNAL ON SCIENTIFIC COMPUTING (2011)

Article Physics, Multidisciplinary

PEPS as ground states: Degeneracy and topology

Norbert Schuch et al.

ANNALS OF PHYSICS (2010)

Article Mathematics, Applied

HIERARCHICAL SINGULAR VALUE DECOMPOSITION OF TENSORS

Lars Grasedyck

SIAM JOURNAL ON MATRIX ANALYSIS AND APPLICATIONS (2010)

Article Mathematics, Applied

A New Scheme for the Tensor Representation

W. Hackbusch et al.

JOURNAL OF FOURIER ANALYSIS AND APPLICATIONS (2009)

Article Materials Science, Multidisciplinary

Algorithms for entanglement renormalization

G. Evenbly et al.

PHYSICAL REVIEW B (2009)

Article Mathematics, Applied

BREAKING THE CURSE OF DIMENSIONALITY, OR HOW TO USE SVD IN MANY DIMENSIONS

I. V. Oseledets et al.

SIAM JOURNAL ON SCIENTIFIC COMPUTING (2009)

Review Mathematics, Applied

Tensor Decompositions and Applications

Tamara G. Kolda et al.

SIAM REVIEW (2009)

Article Engineering, Electrical & Electronic

A 128x128 120 dB 15 μs latency asynchronous temporal contrast vision sensor

Patrick Lichtsteiner et al.

IEEE JOURNAL OF SOLID-STATE CIRCUITS (2008)

Article Mathematics, Applied

DECOMPOSITIONS OF A HIGHER-ORDER TENSOR IN BLOCK TERMS-PART II: DEFINITIONS AND UNIQUENESS

Lieven De Lathauwer

SIAM JOURNAL ON MATRIX ANALYSIS AND APPLICATIONS (2008)

Article Multidisciplinary Sciences

Reducing the dimensionality of data with neural networks

G. E. Hinton et al.

SCIENCE (2006)

Article Engineering, Electrical & Electronic

Overview of the H.264/AVC video coding standard

T Wiegand et al.

IEEE TRANSACTIONS ON CIRCUITS AND SYSTEMS FOR VIDEO TECHNOLOGY (2003)

Article Mathematics, Applied

A multilinear singular value decomposition

L De Lathauwer et al.

SIAM JOURNAL ON MATRIX ANALYSIS AND APPLICATIONS (2000)

Article Mathematics, Applied

On the best rank-1 and rank-(R1,R2,...,RN) approximation of higher-order tensors

L De Lathauwer et al.

SIAM JOURNAL ON MATRIX ANALYSIS AND APPLICATIONS (2000)