Search Results for author: Gang Pan

Found 55 papers, 15 papers with code

LLMs as Bridges: Reformulating Grounded Multimodal Named Entity Recognition

no code implementations15 Feb 2024 Jinyuan Li, Han Li, Di Sun, Jiahao Wang, Wenkun Zhang, Zan Wang, Gang Pan

Grounded Multimodal Named Entity Recognition (GMNER) is a nascent multimodal task that aims to identify named entities, entity types and their corresponding visual regions.

named-entity-recognition Named Entity Recognition +6

LitE-SNN: Designing Lightweight and Efficient Spiking Neural Network through Spatial-Temporal Compressive Network Search and Joint Optimization

no code implementations26 Jan 2024 Qianhui Liu, Jiaqi Yan, Malu Zhang, Gang Pan, Haizhou Li

Spiking Neural Networks (SNNs) mimic the information-processing mechanisms of the human brain and are highly energy-efficient, making them well-suited for low-power edge devices.

Quantization

Enhancing Adaptive History Reserving by Spiking Convolutional Block Attention Module in Recurrent Neural Networks

no code implementations NeurIPS 2023 Qi Xu, Yuyuan Gao, Jiangrong Shen, Yaxin Li, Xuming Ran, Huajin Tang, Gang Pan

Spiking neural networks (SNNs) serve as one type of efficient model to process spatio-temporal patterns in time series, such as the Address-Event Representation data collected from Dynamic Vision Sensor (DVS).

Time Series

Generalizable Sleep Staging via Multi-Level Domain Alignment

1 code implementation13 Dec 2023 Jiquan Wang, Sha Zhao, Haiteng Jiang, Shijian Li, Tao Li, Gang Pan

In this paper, we introduce domain generalization into automatic sleep staging and propose the task of generalizable sleep staging which aims to improve the model generalization ability to unseen datasets.

Domain Generalization Sleep Staging

Spiking NeRF: Representing the Real-World Geometry by a Discontinuous Representation

1 code implementation15 Nov 2023 Zhanfeng Liao, Qian Zheng, Yan Liu, Gang Pan

A crucial reason for the success of existing NeRF-based methods is to build a neural density field for the geometry representation via multiple perceptron layers (MLPs).

Emergence and reconfiguration of modular structure for synaptic neural networks during continual familiarity detection

no code implementations10 Nov 2023 Shi Gu, Marcelo G Mattar, Huajin Tang, Gang Pan

While advances in artificial intelligence and neuroscience have enabled the emergence of neural networks capable of learning a wide variety of tasks, our understanding of the temporal dynamics of these networks remains limited.

FP3O: Enabling Proximal Policy Optimization in Multi-Agent Cooperation with Parameter-Sharing Versatility

no code implementations8 Oct 2023 Lang Feng, Dong Xing, Junru Zhang, Gang Pan

Existing multi-agent PPO algorithms lack compatibility with different types of parameter sharing when extending the theoretical guarantee of PPO to cooperative multi-agent reinforcement learning (MARL).

Multi-agent Reinforcement Learning

Multi-Depth Branch Network for Efficient Image Super-Resolution

1 code implementation29 Sep 2023 Huiyuan Tian, Li Zhang, Shijian Li, Min Yao, Gang Pan

We visualize this process using feature maps, and further demonstrate the rationality and effectiveness of this design using proposed novel Fourier spectral analysis methods.

Image Super-Resolution

MindGPT: Interpreting What You See with Non-invasive Brain Recordings

1 code implementation27 Sep 2023 Jiaxuan Chen, Yu Qi, Yueming Wang, Gang Pan

By doing so, we found that the neural representations of the MindGPT are explainable, which can be used to evaluate the contributions of visual properties to language semantics.

Language Modelling Large Language Model

A Human-Machine Joint Learning Framework to Boost Endogenous BCI Training

no code implementations25 Aug 2023 Hanwen Wang, Yu Qi, Lin Yao, Yueming Wang, Dario Farina, Gang Pan

Then a human-machine joint learning framework is proposed: 1) for the human side, we model the learning process in a sequential trial-and-error scenario and propose a novel ``copy/new'' feedback paradigm to help shape the signal generation of the subject toward the optimal distribution; 2) for the machine side, we propose a novel adaptive learning algorithm to learn an optimal signal distribution along with the subject's learning process.

EEG Electroencephalogram (EEG)

Mitigating Communication Costs in Neural Networks: The Role of Dendritic Nonlinearity

no code implementations21 Jun 2023 Xundong Wu, Pengfei Zhao, Zilin Yu, Lei Ma, Ka-Wa Yip, Huajin Tang, Gang Pan, Tiejun Huang

Our comprehension of biological neuronal networks has profoundly influenced the evolution of artificial neural networks (ANNs).

ESL-SNNs: An Evolutionary Structure Learning Strategy for Spiking Neural Networks

no code implementations6 Jun 2023 Jiangrong Shen, Qi Xu, Jian K. Liu, Yueming Wang, Gang Pan, Huajin Tang

To take full advantage of low power consumption and improve the efficiency of these models further, the pruning methods have been explored to find sparse SNNs without redundancy connections after training.

Fast-SNN: Fast Spiking Neural Network by Converting Quantized ANN

1 code implementation31 May 2023 Yangfan Hu, Qian Zheng, Xudong Jiang, Gang Pan

However, due to the quantization error and accumulating error, it often requires lots of time steps (high inference latency) to achieve high performance, which negates SNN's advantages.

Image Classification object-detection +3

Prompting ChatGPT in MNER: Enhanced Multimodal Named Entity Recognition with Auxiliary Refined Knowledge

1 code implementation20 May 2023 Jinyuan Li, Han Li, Zhuo Pan, Di Sun, Jiahao Wang, Wenkun Zhang, Gang Pan

However, these methods either neglect the necessity of providing the model with external knowledge, or encounter issues of high redundancy in the retrieved knowledge.

 Ranked #1 on Multi-modal Named Entity Recognition on Twitter-2017 (using extra training data)

Multi-modal Named Entity Recognition named-entity-recognition +1

NeuSort: An Automatic Adaptive Spike Sorting Approach with Neuromorphic Models

no code implementations20 Apr 2023 Hang Yu, Yu Qi, Gang Pan

NeuSort caters to the demand for real-time spike sorting in brain-machine interfaces through a neuromorphic approach.

Spike Sorting Template Matching

Biologically inspired structure learning with reverse knowledge distillation for spiking neural networks

no code implementations19 Apr 2023 Qi Xu, Yaxin Li, Xuanye Fang, Jiangrong Shen, Jian K. Liu, Huajin Tang, Gang Pan

The proposed method explores a novel dynamical way for structure learning from scratch in SNNs which could build a bridge to close the gap between deep learning and bio-inspired neural dynamics.

Knowledge Distillation

Constructing Deep Spiking Neural Networks from Artificial Neural Networks with Knowledge Distillation

no code implementations CVPR 2023 Qi Xu, Yaxin Li, Jiangrong Shen, Jian K Liu, Huajin Tang, Gang Pan

Spiking neural networks (SNNs) are well known as the brain-inspired models with high computing efficiency, due to a key component that they utilize spikes as information units, close to the biological neural systems.

Knowledge Distillation

SceneCalib: Automatic Targetless Calibration of Cameras and Lidars in Autonomous Driving

no code implementations11 Apr 2023 Ayon Sen, Gang Pan, Anton Mitrokhin, Ashraful Islam

Accurate camera-to-lidar calibration is a requirement for sensor data fusion in many 3D perception tasks.

Autonomous Driving

DANI-Net: Uncalibrated Photometric Stereo by Differentiable Shadow Handling, Anisotropic Reflectance Modeling, and Neural Inverse Rendering

1 code implementation CVPR 2023 Zongrui Li, Qian Zheng, Boxin Shi, Gang Pan, Xudong Jiang

Although the ambiguity is alleviated on non-Lambertian objects, the problem is still difficult to solve for more general objects with complex shapes introducing irregular shadows and general materials with complex reflectance like anisotropic reflectance.

Inverse Rendering

Multi-Level Firing with Spiking DS-ResNet: Enabling Better and Deeper Directly-Trained Spiking Neural Networks

1 code implementation12 Oct 2022 Lang Feng, Qianhui Liu, Huajin Tang, De Ma, Gang Pan

Spiking neural networks (SNNs) are bio-inspired neural networks with asynchronous discrete and sparse characteristics, which have increasingly manifested their superiority in low energy consumption.

Constrained Update Projection Approach to Safe Policy Optimization

3 code implementations15 Sep 2022 Long Yang, Jiaming Ji, Juntao Dai, Linrui Zhang, Binbin Zhou, Pengfei Li, Yaodong Yang, Gang Pan

Compared to previous safe RL methods, CUP enjoys the benefits of 1) CUP generalizes the surrogate functions to generalized advantage estimator (GAE), leading to strong empirical performance.

Reinforcement Learning (RL) Safe Reinforcement Learning

NeIF: Representing General Reflectance as Neural Intrinsics Fields for Uncalibrated Photometric Stereo

no code implementations18 Aug 2022 Zongrui Li, Qian Zheng, Feishi Wang, Boxin Shi, Gang Pan, Xudong Jiang

Uncalibrated photometric stereo (UPS) is challenging due to the inherent ambiguity brought by unknown light.

SPAIC: A Spike-based Artificial Intelligence Computing Framework

1 code implementation26 Jul 2022 Chaofei Hong, Mengwen Yuan, Mengxiao Zhang, Xiao Wang, Chegnjun Zhang, Jiaxin Wang, Gang Pan, Zhaohui Wu, Huajin Tang

In this work, we present a Python based spiking neural network (SNN) simulation and training framework, aka SPAIC that aims to support brain-inspired model and algorithm researches integrated with features from both deep learning and neuroscience.

TinyLight: Adaptive Traffic Signal Control on Devices with Extremely Limited Resources

no code implementations1 May 2022 Dong Xing, Qian Zheng, Qianhui Liu, Gang Pan

In this work, we propose TinyLight, the first DRL-based ATSC model that is designed for devices with extremely limited resources.

Dynamic Ensemble Bayesian Filter for Robust Control of a Human Brain-machine Interface

no code implementations22 Apr 2022 Yu Qi, Xinyun Zhu, Kedi Xu, Feixiao Ren, Hongjie Jiang, Junming Zhu, Jianmin Zhang, Gang Pan, Yueming Wang

In this way, DyEnsemble copes with variability in signals and improves the robustness of online control.

CUP: A Conservative Update Policy Algorithm for Safe Reinforcement Learning

1 code implementation15 Feb 2022 Long Yang, Jiaming Ji, Juntao Dai, Yu Zhang, Pengfei Li, Gang Pan

Although using bounds as surrogate functions to design safe RL algorithms have appeared in some existing works, we develop them at least three aspects: (i) We provide a rigorous theoretical analysis to extend the surrogate functions to generalized advantage estimator (GAE).

reinforcement-learning Reinforcement Learning (RL) +2

Rethinking Sampling Strategies for Unsupervised Person Re-identification

2 code implementations7 Jul 2021 Xumeng Han, Xuehui Yu, Guorong Li, Jian Zhao, Gang Pan, Qixiang Ye, Jianbin Jiao, Zhenjun Han

While extensive research has focused on the framework design and loss function, this paper shows that sampling strategy plays an equally important role.

Pseudo Label Representation Learning +1

Indoor Lighting Estimation Using an Event Camera

no code implementations CVPR 2021 Zehao Chen, Qian Zheng, Peisong Niu, Huajin Tang, Gang Pan

Image-based methods for indoor lighting estimation suffer from the problem of intensity-distance ambiguity.

Lighting Estimation

Thompson Sampling for Unimodal Bandits

no code implementations15 Jun 2021 Long Yang, Zhao Li, Zehong Hu, Shasha Ruan, Shijian Li, Gang Pan, Hongyang Chen

In this paper, we propose a Thompson Sampling algorithm for \emph{unimodal} bandits, where the expected reward is unimodal over the partially ordered arms.

Thompson Sampling

Optimize Neural Fictitious Self-Play in Regret Minimization Thinking

no code implementations22 Apr 2021 Yuxuan Chen, Li Zhang, Shijian Li, Gang Pan

Optimization of deep learning algorithms to approach Nash Equilibrium remains a significant problem in imperfect information games, e. g. StarCraft and poker.

Starcraft

Reconstructing Perceptive Images from Brain Activity by Shape-Semantic GAN

1 code implementation NeurIPS 2020 Tao Fang, Yu Qi, Gang Pan

Reconstructing seeing images from fMRI recordings is an absorbing research area in neuroscience and provides a potential brain-reading technology.

Generative Adversarial Network Image Reconstruction

On Convergence of Gradient Expected Sarsa($λ$)

no code implementations14 Dec 2020 Long Yang, Gang Zheng, Yu Zhang, Qian Zheng, Pengfei Li, Gang Pan

We study the convergence of $\mathtt{Expected~Sarsa}(\lambda)$ with linear function approximation.

Sample Complexity of Policy Gradient Finding Second-Order Stationary Points

no code implementations2 Dec 2020 Long Yang, Qian Zheng, Gang Pan

However, due to the inherent non-concavity of its objective, convergence to a first-order stationary point (FOSP) can not guarantee the policy gradient methods finding a maximal point.

Policy Gradient Methods Reinforcement Learning (RL)

Effective AER Object Classification Using Segmented Probability-Maximization Learning in Spiking Neural Networks

no code implementations14 Feb 2020 Qianhui Liu, Haibo Ruan, Dong Xing, Huajin Tang, Gang Pan

Address event representation (AER) cameras have recently attracted more attention due to the advantages of high temporal resolution and low power consumption, compared with traditional frame-based cameras.

General Classification Single Particle Analysis

Dynamic Ensemble Modeling Approach to Nonstationary Neural Decoding in Brain-Computer Interfaces

1 code implementation NeurIPS 2019 Yu Qi, Bin Liu, Yueming Wang, Gang Pan

Brain-computer interfaces (BCIs) have enabled prosthetic device control by decoding motor movements from neural activities.

Gradient Q$(σ, λ)$: A Unified Algorithm with Function Approximation for Reinforcement Learning

no code implementations6 Sep 2019 Long Yang, Yu Zhang, Qian Zheng, Pengfei Li, Gang Pan

To address above problem, we propose a GQ$(\sigma,\lambda)$ that extends tabular Q$(\sigma,\lambda)$ with linear function approximation.

Q-Learning Reinforcement Learning (RL)

FiDi-RL: Incorporating Deep Reinforcement Learning with Finite-Difference Policy Search for Efficient Learning of Continuous Control

no code implementations1 Jul 2019 Longxiang Shi, Shijian Li, Longbing Cao, Long Yang, Gang Zheng, Gang Pan

Alternatively, derivative-based methods treat the optimization process as a blackbox and show robustness and stability in learning continuous control tasks, but not data efficient in learning.

Continuous Control reinforcement-learning +1

Expected Sarsa($λ$) with Control Variate for Variance Reduction

no code implementations25 Jun 2019 Long Yang, Yu Zhang, Jun Wen, Qian Zheng, Pengfei Li, Gang Pan

In this paper, for reducing the variance, we introduce control variate technique to $\mathtt{Expected}$ $\mathtt{Sarsa}$($\lambda$) and propose a tabular $\mathtt{ES}$($\lambda$)-$\mathtt{CV}$ algorithm.

Off-policy evaluation

Brain Network Construction and Classification Toolbox (BrainNetClass)

1 code implementation17 Jun 2019 Zhen Zhou, Xiaobo Chen, Yu Zhang, Lishan Qiao, Renping Yu, Gang Pan, Han Zhang, Dinggang Shen

The goal of this work is to introduce a toolbox namely "Brain Network Construction and Classification" (BrainNetClass) to the field to promote more advanced brain network construction methods.

Classification General Classification

TBQ($σ$): Improving Efficiency of Trace Utilization for Off-Policy Reinforcement Learning

no code implementations17 May 2019 Longxiang Shi, Shijian Li, Longbing Cao, Long Yang, Gang Pan

However, existing off-policy learning methods based on probabilistic policy measurement are inefficient when utilizing traces under a greedy target policy, which is ineffective for control problems.

reinforcement-learning Reinforcement Learning (RL)

Monte Carlo Neural Fictitious Self-Play: Approach to Approximate Nash equilibrium of Imperfect-Information Games

no code implementations22 Mar 2019 Li Zhang, Wei Wang, Shijian Li, Gang Pan

Experimentally, we demonstrate that the proposed Monte Carlo Neural Fictitious Self Play can converge to approximate Nash equilibrium in games with large-scale search depth while the Neural Fictitious Self Play can't.

Field-aware Neural Factorization Machine for Click-Through Rate Prediction

no code implementations25 Feb 2019 Li Zhang, Weichen Shen, Shijian Li, Gang Pan

This model can have strong second order feature interactive learning ability like Field-aware Factorization Machine, on this basis, deep neural network is used for higher-order feature combination learning.

Click-Through Rate Prediction Feature Engineering +1

Efficient Spiking Neural Networks with Logarithmic Temporal Coding

no code implementations10 Nov 2018 Ming Zhang, Nenggan Zheng, De Ma, Gang Pan, Zonghua Gu

A Spiking Neural Network (SNN) can be trained indirectly by first training an Artificial Neural Network (ANN) with the conventional backpropagation algorithm, then converting it into an SNN.

Qualitative Measurements of Policy Discrepancy for Return-Based Deep Q-Network

no code implementations14 Jun 2018 Wenjia Meng, Qian Zheng, Long Yang, Pengfei Li, Gang Pan

In this paper, we propose a general framework to combine DQN and most of the return-based reinforcement learning algorithms, named R-DQN.

OpenAI Gym reinforcement-learning +1

Spiking Deep Residual Network

no code implementations28 Apr 2018 Yangfan Hu, Huajin Tang, Gang Pan

SNNs theoretically have at least the same computational power as traditional artificial neural networks (ANNs).

State Distribution-aware Sampling for Deep Q-learning

no code implementations23 Apr 2018 Weichao Li, Fuxian Huang, Xi Li, Gang Pan, Fei Wu

A critical and challenging problem in reinforcement learning is how to learn the state-action value function from the experience replay buffer and simultaneously keep sample efficiency and faster convergence to a high quality solution.

Atari Games OpenAI Gym +1

A Unified Approach for Multi-step Temporal-Difference Learning with Eligibility Traces in Reinforcement Learning

no code implementations9 Feb 2018 Long Yang, Minhao Shi, Qian Zheng, Wenjia Meng, Gang Pan

Results show that, with an intermediate value of $\sigma$, $Q(\sigma ,\lambda)$ creates a mixture of the existing algorithms that can learn the optimal value significantly faster than the extreme end ($\sigma=0$, or $1$).

Spectral-graph Based Classifications: Linear Regression for Classification and Normalized Radial Basis Function Network

no code implementations19 May 2017 Zhenfang Hu, Gang Pan, Zhaohui Wu

The spectral graph theory provides us with a new insight into a fundamental aspect of classification: the tradeoff between fitting error and overfitting risk.

General Classification Model Selection +1

Improving Object Detection with Deep Convolutional Networks via Bayesian Optimization and Structured Prediction

no code implementations CVPR 2015 Yuting Zhang, Kihyuk Sohn, Ruben Villegas, Gang Pan, Honglak Lee

Object detection systems based on the deep convolutional neural network (CNN) have recently made ground- breaking advances on several object detection benchmarks.

Bayesian Optimization Object +3

Robust Face Recognition by Constrained Part-based Alignment

no code implementations20 Jan 2015 Yuting Zhang, Kui Jia, Yueming Wang, Gang Pan, Tsung-Han Chan, Yi Ma

By assuming a human face as piece-wise planar surfaces, where each surface corresponds to a facial part, we develop in this paper a Constrained Part-based Alignment (CPA) algorithm for face recognition across pose and/or expression.

Face Alignment Face Recognition +1

Spectral Sparse Representation for Clustering: Evolved from PCA, K-means, Laplacian Eigenmap, and Ratio Cut

no code implementations25 Mar 2014 Zhenfang Hu, Gang Pan, Yueming Wang, Zhaohui Wu

The methods include PCA, K-means, Laplacian eigenmap (LE), ratio cut (Rcut), and a new sparse representation method developed by us, called spectral sparse representation (SSR).

Clustering Dimensionality Reduction

Sparse Principal Component Analysis via Rotation and Truncation

no code implementations6 Mar 2014 Zhenfang Hu, Gang Pan, Yueming Wang, Zhaohui Wu

In contrast to most of existing work which deal with the problem by adding some sparsity penalties on various objectives of PCA, in this paper, we propose a new method SPCArt, whose motivation is to find a rotation matrix and a sparse basis such that the sparse basis approximates the basis of PCA after the rotation.

Cannot find the paper you are looking for? You can Submit a new open access paper.