Spatiotemporal Attention Learning Framework for Event-Driven Object Recognition

Tiantian Xie, Pengpai Wang and Rosa H. M. Chan, , IEEE T. Xie and R. H. M. Chan are with the Department of Electrical Engineering, City University of Hong Kong, e-mail: [email protected]. Pengpai Wang is with the Shenzhen Research Institute, City University of Hong Kong, Shenzhen, China. Pengpai Wang and Rosa H.M. Chan are with the State Key Laboratory of Terahertz and Millimeter Waves, City University of Hong Kong, Hong Kong, China.
Abstract

Event-based vision sensors, inspired by biological neural systems, asynchronously capture local pixel-level intensity changes as a sparse event stream containing position, polarity, and timestamp information. These neuromorphic sensors offer significant advantages in dynamic range, latency, and power efficiency. Their working principle inherently addresses traditional camera limitations such as motion blur and redundant background information, making them particularly suitable for dynamic vision tasks. While recent works have proposed increasingly complex event-based architectures, the computational overhead and parameter complexity of these approaches limit their practical deployment. This paper presents a novel spatiotemporal learning framework for event-based object recognition, utilizing a VGG network enhanced with Convolutional Block Attention Module (CBAM). Our approach achieves comparable performance to state-of-the-art ResNet-based methods while reducing parameter count by 2.3% compared to the original VGG model. Specifically, it outperforms ResNet-based methods like MVF-Net, achieving the highest Top-1 accuracy of 76.4% (pretrained) and 71.3% (not pretrained) on CIFAR10-DVS, and 72.4% (not pretrained) on N-Caltech101. These results highlight the robustness of our method when pretrained weights are not used, making it suitable for scenarios where transfer learning is unavailable. Moreover, our approach reduces reliance on data augmentation. Experimental results on standard event-based datasets demonstrate the framework’s efficiency and effectiveness for real-world applications.

Index Terms:
Event camera; Spatial-temporal representation; Deep learning; Feature extraction; Object recognition.

I INTRODUCTION

Object recognition has always been a significant research area within the field of computer vision due to its extensive applications in medical diagnostics, industry manufacturing, human-computer interaction domain. With the great development of the deep learning recently, feature extraction and recognition algorithms have already made remarkable achievements. The event camera is proposed as a neuromorphic vision sensor that designed to trigger ”event” asynchronously in terms of whether the brightness change per-pixel exceeds the threshold [1, 2, 3]. The output event is single point that can be represented as a quadruple ei={x,y,t,p}subscript𝑒𝑖𝑥𝑦𝑡𝑝e_{i}=\{x,y,t,p\}italic_e start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT = { italic_x , italic_y , italic_t , italic_p } containing the spatial position, timestamp and polarity information. Obviously, this mechanism enables the event camera to solely concentrate on the dynamic outline while discarding the redundant and static background. Its advantages include high time resolution (microsecond-level), high dynamic range, low power consumption, low motion blur, etc, and has been widely utilized in the light flow estimation, attitude estimation, 3D reconstruction[4], automatic driving[5] and other fields.

However, the single event point typically lacks the meaningful representation ability, and the event stream is essentially a set of discrete points possessing correlation in the spatial-temporal domain. Consequently, extracting the spatial-temporal correspondence of the discrete events plays a crucial role in this task. To accommodate the existed mature vision algorithms, most work resort to adopt the image-like representations. Among them, the commonly employed methods contain the event-frame representations [6, 7, 8], time surface [9], or the fusion representations[10]. While in the realm of neural network, variety of complicated mechanism or module have been integrated into the end-to-end learning framework [11, 12]. However, merely expanding the depth or complexity of the network structure can obtain satisfactory performance to a certain extent, but theirs huge number of parameters and complicated implementation of algorithm have rendered a certain demand for the computing resources. Besides, the hardness of training the spiking neural network and its intrinsic high requirements on hardware suitability have been an hinder for the development.

In consequence, blindly proposing more complex representations or network structures is not the optimal solution to the problem. In this paper, we aim to establish a concise overall architecture for the event-based recognition. Consequently, we equipped the VGG networkwith the convolutional block attention (CBAM) module [13, 14], which is enable to effectively extract the spatial-temporal feature while maintaining a simple network structure. We adopted the SpikingJelly open-source framework for event data pre-processing [15] , whose parameters can be adjusted flexibly and expansively. Our proposed framework can not only achieves satisfactory accuracy on CIFAR10-DVS[16]and N-Caltech101 dataset[17], but also provides inspiration for developing more accurate and energy-saving event-based recognition systems in the future.

Refer to caption
Figure 1: The overall architecture of the methodology, which is the VGG equipped with CBAM module.

II RELATED WORK

II-A Event Representations

Event data are usually converted into event-frame, time surface or grid-like representation for subsequent processing. The commonly employed event-frame methods adopted the constant time window or constant event number methods for converting events into image representations [6, 7, 8], thereby facilitating object recognition and orientation estimation through neural network. Traditional time surface usually stored the latest timestamp per-pixel [9], which means the latest happening of activities possess more ”intensity” in the image. However, simply using the individual time surface as representations exists problems such as motion blur and incomplete information expression. Different from that, Sironi et al. proposed the histogram of averaged time surfaces [18], which utilizes the averaged time surfaces among the spatial-temporal domain as feature descriptor for object classification. Besides, Bai et al. concatenated the latest temporal surface on two polarity channels with the event-count channel for comprehensively representing the outline and feature information of objects [19]. Deng et al. incorporated multiple perspectives of the spatial-temporal event data and adopted the transformer architecture for feature fusion [20]. And Zhu et al. proposed a 4 channel image representation [21], including the number and latest timestamps of positive and negative events per-pixel. Similarly, Alonso et al. proposed a 6-channel image representation [22], which contains the mean and standard deviation value of the normalized timestamps of positive/negative events per-pixel together with the histogram of two polarity. Meanwhile, the event temporal image proposed by Fan et al. mapped the events into image-like representations through activation function [23], and they utilized an adaptive dense-to-sparse processing module to effectively balance detection efficiency and computational complexity across varying motion speed. Zhu et al. proposed a discretized 3D volume representation assigning linear weighted to the surrounding events for the purpose of image accumulation [24]. Additionally, they introduced a joint loss function that integrates spatial smoothness loss with temporal unequal weighting loss.

II-B Network Architecture

The commonly adopted networks are usually ResNet architecture [25], UNet [26], MobileNetV2 [27], MobileNetV3 [28], InceptionV3 [29], and they demonstrated the strong feature extraction capabilities. Besides, Deng et al. proposed to comprehensively utilize different view fusion of the event data [20], such as the x-y, x-t, y-t dimensions, and processed the parallel data with a dual-structure of ResNet. Cannici et al. proposed the Matrix Long Short-Term Memory (Matrix-LSTM) module for processing the event data [30], which is a differentiable and efficient end-to-end procedure. Baldwin et al. innovatively proposed the ”First-In-First-Out” buffer volume per-pixel for the event spike [31], whose stored logarithmic value of difference between timestamps is utilized for subsequent convolution and feature extraction. Chen et al. proposed a hierarchical spatial relation module and the motion attention module [32], which enhance the capability of spatial and long-term temporal feature extraction of the event data respectively.

III EXPERIMENT DESIGN

III-A Event Data

SpikingJelly is an open-source deep learning based framework [15], which possesses the superior extensibility, flexibility and user-friendliness. Especially, it provides numerous widely-used neuromorphic datasets, offers an intuitive user interface and integrated functions, which also greatly facilities users’ opportunities for further adaptive development. Here, we utilize its embedded integrate approach for slicing the discrete events into frames [33].

In this way, we acquire the two-channels frame representation through dividing the number of events into sequences of equal sizes. Among them, we assume the total number of event points as N, the slices of frames as T, and the floor operation \lfloorN/T\rfloor represents the number of events in each slice. We utilize nL=N/Tnsubscript𝑛𝐿𝑁𝑇𝑛n_{L}=\lfloor N/T\rfloor\cdot nitalic_n start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT = ⌊ italic_N / italic_T ⌋ ⋅ italic_n and nR=N/T(n+1)subscript𝑛𝑅𝑁𝑇𝑛1n_{R}=\lfloor N/T\rfloor\cdot(n+1)italic_n start_POSTSUBSCRIPT italic_R end_POSTSUBSCRIPT = ⌊ italic_N / italic_T ⌋ ⋅ ( italic_n + 1 ) as the left and right boundaries of the either selected slice, and the function Γp,x,y(pi,xi,yi)subscriptΓ𝑝𝑥𝑦subscript𝑝𝑖subscript𝑥𝑖subscript𝑦𝑖\Gamma_{p,x,y}(p_{i},x_{i},y_{i})roman_Γ start_POSTSUBSCRIPT italic_p , italic_x , italic_y end_POSTSUBSCRIPT ( italic_p start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) equals to 1 only when (p,x,y)=(pi,xi,yi)𝑝𝑥𝑦subscript𝑝𝑖subscript𝑥𝑖subscript𝑦𝑖(p,x,y)=(p_{i},x_{i},y_{i})( italic_p , italic_x , italic_y ) = ( italic_p start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ). Therefore its formula can be expressed as the following (1).

rame(n,p,x,y)=i=nLnRΓp,x,y(pi,xi,yi)𝑟𝑎𝑚𝑒𝑛𝑝𝑥𝑦superscriptsubscript𝑖subscript𝑛𝐿subscript𝑛𝑅subscriptΓ𝑝𝑥𝑦subscript𝑝𝑖subscript𝑥𝑖subscript𝑦𝑖\displaystyle\mathcal{F}rame(n,p,x,y)=\sum_{i=n_{L}}^{n_{R}}\Gamma_{p,x,y}(p_{% i},x_{i},y_{i})caligraphic_F italic_r italic_a italic_m italic_e ( italic_n , italic_p , italic_x , italic_y ) = ∑ start_POSTSUBSCRIPT italic_i = italic_n start_POSTSUBSCRIPT italic_L end_POSTSUBSCRIPT end_POSTSUBSCRIPT start_POSTSUPERSCRIPT italic_n start_POSTSUBSCRIPT italic_R end_POSTSUBSCRIPT end_POSTSUPERSCRIPT roman_Γ start_POSTSUBSCRIPT italic_p , italic_x , italic_y end_POSTSUBSCRIPT ( italic_p start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_x start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT , italic_y start_POSTSUBSCRIPT italic_i end_POSTSUBSCRIPT ) (1)

III-B Network Architecture

Different from the architecture utilized in previous methods, we aim to propose a light-weight spatial-temporal learning framework for the event-based recognition. Fig.1 shows the overall network architecture, which is a VGG network equipped with the CBAM module [13]. Among them, the Conv Block contains the convolution layer, batch normalization layer, and relu activation layer twice. And the CBAM module is composed of the SAM and CAM module sequentially, whose overall purpose is to refine the input feature so as to pay more attention on the specific and significant channels and spatial location.

TABLE I: Performance comparison of our method with other approaches. The Top-1 accuracy is highlighted in bold, and the second-best accuracy is underlined.
ImageNet Method Event Representation Data Augmentation CIFAR10-DVS N-Caltech101 Classifier
Pretrained EST[12] Grid-based 74.974.974.974.9% 83.783.783.783.7% ResNet-34
E2VID[34] Grid-based 51.551.551.551.5% 86.686.686.686.6% ResNet-18
M-LSTM[30] Ordered event sequences 73.073.073.073.0% 85.785.785.785.7% ResNet-34
AMAE[35] Event-based frame 75.375.375.375.3% 85.185.185.185.1% ResNet-34
MVF-Net [20] Event-based frame 76.276.276.276.2% 87.1% ResNet-34
Ours Event-based frame 76.4% 85.085.085.085.0% VGG-CBAM
Not Pretrained EST[12] Grid-based 63.463.463.463.4% 68.068.068.068.0% ResNet-34
E2VID[34] Grid-based 40.140.140.140.1% 57.657.657.657.6% ResNet-18
M-LSTM[30] Ordered event sequences 63.163.163.163.1% 67.267.267.267.2% ResNet-34
AMAE[35] Event-based frame 62.062.062.062.0% 66.866.866.866.8% ResNet-34
MVF-Net[20] Event-based frame 59.959.959.959.9% 66.366.366.366.3% ResNet-34
Ours Event-based frame 71.3% 72.4% VGG-CBAM

III-C Implementation Details

On the CIFAR10-DVS dataset[16], we choose to train the model for 100 epochs by utilizing the cross-entropy loss for optimization. Among them, we utilize the Adam optimizer, and the learning rate value is fixed at 1E-4. During the training process, we set the batch size of the dataset at 128, and the slices of frames N at 20. While on the N-Caltech101 dataset[17], we utilize the Adam optimizer, and the learning rate value is fixed at 1E-5. Besides, the batch size is set as 128, together with 30 training epochs.

IV RESULTS

We evaluated our lightweight framework on the publicly available datasets: CIFAR10-DVS [16] and N-Caltech101 [17]. CIFAR10-DVS [16] is collected through utilizing the dynamic vision sensor to do the repeated closed-loop smooth movement in front of the original CIFAR10 dataset. It contains ten different classes: airplane, automobile, bird, cat, deer, dog, frog, horse, ship and truck, and possesses 128×128 resolution together with average 1200ms duration time. Similarly, N-Caltech101 [17] is collected by a rotary asynchronous time-based image sensor (ATIS), possessing 8246 samples and 101 classes.

Table 1 demonstrates our framework’s performance against five state-of-the-art ResNet-based methods, categorized by pretrained and non-pretrained approaches. Our VGG-CBAM architecture without pretraining achieves 71.3% accuracy on CIFAR10-DVS and 72.4% on N-Caltech101, while the pretrained model achieves 76.4% accuracy on CIFAR10-DVS and 85.0% on N-Caltech101. Compared to the residual structure of ResNet, VGG has a simpler and flexible structure for using the repeated stacking of small convolution cores, which has advantages like plug and play components. In this way, it can not only increase the nonlinear mapping but also improve the fitting expression ability of network. Simultaneously, because we adopt to integrate two-channels representation of the event data. Thus, compared to the original VGG module, the number of parameters in our framework has been favorably reduced 2.3%, and the floating-point operations (FLOPs) has been averagely reduced 15.9 MFLOPs.

V CONCLUSION

In this work, we propose a novel spatial-temporal learning framework for the event-based object recognition and test its performance on two publicly available datasets. It leverages the SpikingJelly platform for the pre-processing of the event data, and utilizes the VGG equipped with the CBAM module as the classifier, which dynamically recalibrates feature responses through both channel and spatial attention mechanisms.

The framework makes several key contributions to the field of event-based vision. First, we demonstrate a comparatively flexible and simple network architecture that achieves competitive accuracy on CIFAR10-DVS and N-Caltech101 datasets among the existing approaches. Second, our comprehensive evaluation on standard event-based datasets shows robust performance across diverse object categories. Finally, our successful integration of attention mechanisms in this spatiotemporal pipeline opens new possibilities for efficient event-based recognition.

In the future, we expect to further reduce the parameters and computation efficiency of the framework, responding to the growing need of neuromorphic sensors in autonomous drones and high-speed robotics. In these applications, where rapid motion detection and low-latency response are essential. Our approach provides a potential pathway for deploying event-based recognition systems in resource-constrained environments, demonstrating particular promise for applications requiring both high-speed vision processing and energy efficiency.

Acknowledgment

This work was supported in part by the Shenzhen Science and Technology Program JCYJ20230807114907015, and in part by the Research Grants Council of the Hong Kong Special Administrative Region, China, under Projects CityU 11214020 and CUHK-R4022-18.

References

  • [1] T. Serrano-Gotarredona and B. Linares-Barranco, “A 128 ×\times× 128 1.5% contrast sensitivity 0.9% fpn 3 μ𝜇\muitalic_μs latency 4 mw asynchronous frame-free dynamic vision sensor using transimpedance preamplifiers,” IEEE Journal of Solid-State Circuits, vol. 48, no. 3, pp. 827–838, 2013.
  • [2] C. Brandli, R. Berner, M. Yang, S.-C. Liu, and T. Delbruck, “A 240×\times× 180 130 db 3 μ𝜇\muitalic_μs latency global shutter spatiotemporal vision sensor,” IEEE Journal of Solid-State Circuits, vol. 49, no. 10, pp. 2333–2341, 2014.
  • [3] G. Gallego, T. Delbrück, G. Orchard, C. Bartolozzi, B. Taba, A. Censi, S. Leutenegger, A. J. Davison, J. Conradt, K. Daniilidis et al., “Event-based vision: A survey,” IEEE transactions on pattern analysis and machine intelligence, vol. 44, no. 1, pp. 154–180, 2020.
  • [4] B. Ercan, O. Eker, A. Erdem, and E. Erdem, “Evreal: Towards a comprehensive benchmark and analysis suite for event-based video reconstruction,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2023, pp. 3943–3952.
  • [5] W. Shariff, M. S. Dilmaghani, P. Kielty, M. Moustafa, J. Lemley, and P. Corcoran, “Event cameras in automotive sensing: A review,” IEEE Access, 2024.
  • [6] R. Ghosh, A. Mishra, G. Orchard, and N. V. Thakor, “Real-time object recognition and orientation estimation using an event-based camera and cnn,” in 2014 IEEE Biomedical Circuits and Systems Conference (BioCAS) Proceedings.   IEEE, 2014, pp. 544–547.
  • [7] M. Iacono, S. Weber, A. Glover, and C. Bartolozzi, “Towards event-driven object detection with off-the-shelf deep learning. in 2018 ieee,” in RSJ International Conference on Intelligent Robots and Systems (IROS), pp. 1–9.
  • [8] H. Rebecq, R. Ranftl, V. Koltun, and D. Scaramuzza, “Events-to-video: Bringing modern computer vision to event cameras,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2019, pp. 3857–3866.
  • [9] T. Delbruck et al., “Frame-free dynamic digital vision,” in Proceedings of Intl. Symp. on Secure-Life Electronics, Advanced Electronics for Quality Life and Society, vol. 1.   Citeseer, 2008, pp. 21–26.
  • [10] Z. A. El Shair, A. Hassani, and S. A. Rawashdeh, “Cstr: a compact spatio-temporal representation for event-based vision,” IEEE Access, vol. 11, pp. 102 899–102 916, 2023.
  • [11] Y. Bi, A. Chadha, A. Abbas, E. Bourtsoulatze, and Y. Andreopoulos, “Graph-based spatio-temporal feature learning for neuromorphic vision sensing,” IEEE Transactions on Image Processing, vol. 29, pp. 9084–9098, 2020.
  • [12] D. Gehrig, A. Loquercio, K. G. Derpanis, and D. Scaramuzza, “End-to-end learning of representations for asynchronous event-based data,” in Proceedings of the IEEE/CVF International Conference on Computer Vision, 2019, pp. 5633–5643.
  • [13] K. Simonyan and A. Zisserman, “Very deep convolutional networks for large-scale image recognition,” arXiv preprint arXiv:1409.1556, 2014.
  • [14] S. Woo, J. Park, J.-Y. Lee, and I. S. Kweon, “Cbam: Convolutional block attention module,” in Proceedings of the European conference on computer vision (ECCV), 2018, pp. 3–19.
  • [15] W. Fang, Y. Chen, J. Ding, Z. Yu, T. Masquelier, D. Chen, L. Huang, H. Zhou, G. Li, and Y. Tian, “Spikingjelly: An open-source machine learning infrastructure platform for spike-based intelligence,” Science Advances, vol. 9, no. 40, p. eadi1480, 2023.
  • [16] H. Li, H. Liu, X. Ji, G. Li, and L. Shi, “Cifar10-dvs: an event-stream dataset for object classification,” Frontiers in neuroscience, vol. 11, p. 309, 2017.
  • [17] G. Orchard, A. Jayawant, G. K. Cohen, and N. Thakor, “Converting static image datasets to spiking neuromorphic datasets using saccades,” Frontiers in neuroscience, vol. 9, p. 437, 2015.
  • [18] A. Sironi, M. Brambilla, N. Bourdis, X. Lagorce, and R. Benosman, “Hats: Histograms of averaged time surfaces for robust event-based object classification,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2018, pp. 1731–1740.
  • [19] W. Bai, Y. Chen, R. Feng, and Y. Zheng, “Accurate and efficient frame-based event representation for aer object recognition,” in 2022 International Joint Conference on Neural Networks (IJCNN).   IEEE, 2022, pp. 1–6.
  • [20] Y. Deng, H. Chen, and Y. Li, “Mvf-net: A multi-view fusion network for event-based object classification,” IEEE Transactions on Circuits and Systems for Video Technology, vol. 32, no. 12, pp. 8275–8284, 2021.
  • [21] A. Z. Zhu, L. Yuan, K. Chaney, and K. Daniilidis, “Ev-flownet: Self-supervised optical flow estimation for event-based cameras,” arXiv preprint arXiv:1802.06898, 2018.
  • [22] I. Alonso and A. C. Murillo, “Ev-segnet: Semantic segmentation for event-based cameras,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops, 2019, pp. 0–0.
  • [23] L. Fan, Y. Li, H. Shen, J. Li, and D. Hu, “From dense to sparse: Low-latency and speed-robust event-based object detection,” IEEE Transactions on Intelligent Vehicles, 2024.
  • [24] A. Zihao Zhu, L. Yuan, K. Chaney, and K. Daniilidis, “Unsupervised event-based optical flow using motion compensation,” in Proceedings of the European Conference on Computer Vision (ECCV) Workshops, 2018, pp. 0–0.
  • [25] K. He, X. Zhang, S. Ren, and J. Sun, “Deep residual learning for image recognition,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2016, pp. 770–778.
  • [26] O. Ronneberger, P. Fischer, and T. Brox, “U-net: Convolutional networks for biomedical image segmentation,” in Medical image computing and computer-assisted intervention–MICCAI 2015: 18th international conference, Munich, Germany, October 5-9, 2015, proceedings, part III 18.   Springer, 2015, pp. 234–241.
  • [27] M. Sandler, A. Howard, M. Zhu, A. Zhmoginov, and L.-C. Chen, “Mobilenetv2: Inverted residuals and linear bottlenecks,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2018, pp. 4510–4520.
  • [28] A. Howard, M. Sandler, G. Chu, L.-C. Chen, B. Chen, M. Tan, W. Wang, Y. Zhu, R. Pang, V. Vasudevan et al., “Searching for mobilenetv3,” in Proceedings of the IEEE/CVF international conference on computer vision, 2019, pp. 1314–1324.
  • [29] C. Szegedy, V. Vanhoucke, S. Ioffe, J. Shlens, and Z. Wojna, “Rethinking the inception architecture for computer vision,” in Proceedings of the IEEE conference on computer vision and pattern recognition, 2016, pp. 2818–2826.
  • [30] M. Cannici, M. Ciccone, A. Romanoni, and M. Matteucci, “A differentiable recurrent surface for asynchronous event-based data,” in Computer Vision–ECCV 2020: 16th European Conference, Glasgow, UK, August 23–28, 2020, Proceedings, Part XX 16.   Springer, 2020, pp. 136–152.
  • [31] R. W. Baldwin, R. Liu, M. Almatrafi, V. Asari, and K. Hirakawa, “Time-ordered recent event (tore) volumes for event cameras,” IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 45, no. 2, pp. 2519–2532, 2022.
  • [32] Z. Chen, J. Wu, J. Hou, L. Li, W. Dong, and G. Shi, “Ecsnet: Spatio-temporal feature learning for event camera,” IEEE Transactions on Circuits and Systems for Video Technology, vol. 33, no. 2, pp. 701–712, 2022.
  • [33] W. Fang, Z. Yu, Y. Chen, T. Masquelier, T. Huang, and Y. Tian, “Incorporating learnable membrane time constant to enhance learning of spiking neural networks,” in Proceedings of the IEEE/CVF international conference on computer vision, 2021, pp. 2661–2671.
  • [34] H. Rebecq, R. Ranftl, V. Koltun, and D. Scaramuzza, “Events-to-video: Bringing modern computer vision to event cameras,” in Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2019, pp. 3857–3866.
  • [35] Y. Deng, Y. Li, and H. Chen, “Amae: Adaptive motion-agnostic encoder for event-based object classification,” IEEE Robotics and Automation Letters, vol. 5, no. 3, pp. 4596–4603, 2020.