Search Results for author: Jun He

Found 72 papers, 12 papers with code

SyncTalk: The Devil is in the Synchronization for Talking Head Synthesis

1 code implementation29 Nov 2023 Ziqiao Peng, Wentao Hu, Yue Shi, Xiangyu Zhu, Xiaomei Zhang, Hao Zhao, Jun He, Hongyan Liu, Zhaoxin Fan

A lifelike talking head requires synchronized coordination of subject identity, lip movements, facial expressions, and head poses.

Talking Face Generation Talking Head Generation

BeatDance: A Beat-Based Model-Agnostic Contrastive Learning Framework for Music-Dance Retrieval

no code implementations16 Oct 2023 Kaixing Yang, Xukun Zhou, Xulong Tang, Ran Diao, Hongyan Liu, Jun He, Zhaoxin Fan

Dance and music are closely related forms of expression, with mutual retrieval between dance videos and music being a fundamental task in various fields like education, art, and sports.

Contrastive Learning Retrieval

Drift Analysis with Fitness Levels for Elitist Evolutionary Algorithms

no code implementations2 Sep 2023 Jun He, Yuren Zhou

An open question regarding the fitness level method is what are the tightest lower and upper time bounds that can be constructed based on transition probabilities between fitness levels.

Evolutionary Algorithms

SelfTalk: A Self-Supervised Commutative Training Diagram to Comprehend 3D Talking Faces

1 code implementation19 Jun 2023 Ziqiao Peng, Yihao Luo, Yue Shi, Hao Xu, Xiangyu Zhu, Jun He, Hongyan Liu, Zhaoxin Fan

To enhance the visual accuracy of generated lip movement while reducing the dependence on labeled data, we propose a novel framework SelfTalk, by involving self-supervision in a cross-modals network system to learn 3D talking faces.

3D Face Animation Lip Reading

Backdoor Attacks with Input-unique Triggers in NLP

no code implementations25 Mar 2023 Xukun Zhou, Jiwei Li, Tianwei Zhang, Lingjuan Lyu, Muqiao Yang, Jun He

Backdoor attack aims at inducing neural models to make incorrect predictions for poison data while keeping predictions on the clean dataset unchanged, which creates a considerable threat to current natural language processing (NLP) systems.

Backdoor Attack Language Modelling +1

EmoTalk: Speech-Driven Emotional Disentanglement for 3D Face Animation

2 code implementations ICCV 2023 Ziqiao Peng, HaoYu Wu, Zhenbo Song, Hao Xu, Xiangyu Zhu, Jun He, Hongyan Liu, Zhaoxin Fan

Specifically, we introduce the emotion disentangling encoder (EDE) to disentangle the emotion and content in the speech by cross-reconstructed speech signals with different emotion labels.

3D Face Animation Disentanglement

SHLE: Devices Tracking and Depth Filtering for Stereo-based Height Limit Estimation

1 code implementation22 Dec 2022 Zhaoxin Fan, Kaixing Yang, Min Zhang, Zhenbo Song, Hongyan Liu, Jun He

In stage 1, a novel devices detection and tracking scheme is introduced, which accurately locate the height limit devices in the left or right image.

FuRPE: Learning Full-body Reconstruction from Part Experts

1 code implementation30 Nov 2022 Zhaoxin Fan, Yuqing Pan, Hao Xu, Zhenbo Song, Zhicheng Wang, Kejian Wu, Hongyan Liu, Jun He

These novel elements of FuRPE not only serve to further refine the model but also to reduce potential biases that may arise from inaccuracies in pseudo labels, thereby optimizing the network's training process and enhancing the robustness of the model.

GIDP: Learning a Good Initialization and Inducing Descriptor Post-enhancing for Large-scale Place Recognition

no code implementations23 Sep 2022 Zhaoxin Fan, Zhenbo Song, Hongyan Liu, Jun He

Large-scale place recognition is a fundamental but challenging task, which plays an increasingly important role in autonomous driving and robotics.

Autonomous Driving

Human Pose Driven Object Effects Recommendation

no code implementations17 Sep 2022 Zhaoxin Fan, Fengxin Li, Hongyan Liu, Jun He, Xiaoyong Du

In this paper, we research the new topic of object effects recommendation in micro-video platforms, which is a challenging but important task for many practical applications such as advertisement insertion.

Object

MM-PCQA: Multi-Modal Learning for No-reference Point Cloud Quality Assessment

1 code implementation1 Sep 2022 ZiCheng Zhang, Wei Sun, Xiongkuo Min, Quan Zhou, Jun He, Qiyuan Wang, Guangtao Zhai

In specific, we split the point clouds into sub-models to represent local geometry distortions such as point shift and down-sampling.

Point Cloud Quality Assessment

Domain Gap Estimation for Source Free Unsupervised Domain Adaptation with Many Classifiers

no code implementations12 Jul 2022 Ziyang Zong, Jun He, Lei Zhang, Hai Huan

However, for source free UDA, the source domain data can not be accessed during adaptation, which poses great challenge of measuring the domain gap.

Unsupervised Domain Adaptation

Deep Neural Network for Blind Visual Quality Assessment of 4K Content

no code implementations9 Jun 2022 Wei Lu, Wei Sun, Xiongkuo Min, Wenhan Zhu, Quan Zhou, Jun He, Qiyuan Wang, ZiCheng Zhang, Tao Wang, Guangtao Zhai

In this paper, we propose a deep learning-based BIQA model for 4K content, which on one hand can recognize true and pseudo 4K content and on the other hand can evaluate their perceptual visual quality.

4k Blind Image Quality Assessment +1

Reconstruction-Aware Prior Distillation for Semi-supervised Point Cloud Completion

no code implementations20 Apr 2022 Zhaoxin Fan, Yulin He, Zhicheng Wang, Kejian Wu, Hongyan Liu, Jun He

Real-world sensors often produce incomplete, irregular, and noisy point clouds, making point cloud completion increasingly important.

Point Cloud Completion

Object Level Depth Reconstruction for Category Level 6D Object Pose Estimation From Monocular RGB Image

no code implementations4 Apr 2022 Zhaoxin Fan, Zhenbo Song, Jian Xu, Zhicheng Wang, Kejian Wu, Hongyan Liu, Jun He

Recently, RGBD-based category-level 6D object pose estimation has achieved promising improvement in performance, however, the requirement of depth information prohibits broader applications.

6D Pose Estimation using RGB Object

BGL: GPU-Efficient GNN Training by Optimizing Graph Data I/O and Preprocessing

no code implementations16 Dec 2021 Tianfeng Liu, Yangrui Chen, Dan Li, Chuan Wu, Yibo Zhu, Jun He, Yanghua Peng, Hongzheng Chen, Hongzhi Chen, Chuanxiong Guo

Extensive experiments on various GNN models and large graph datasets show that BGL significantly outperforms existing GNN training systems by 20. 68x on average.

Graph Property Prediction Node Classification +1

Influence of Binomial Crossover on Approximation Error of Evolutionary Algorithms

no code implementations29 Sep 2021 Cong Wang, Jun He, Yu Chen, Xiufen Zou

Although differential evolution (DE) algorithms perform well on a large variety of complicated optimization problems, only a few theoretical studies are focused on the working principle of DE algorithms.

Evolutionary Algorithms

An MRC Framework for Semantic Role Labeling

1 code implementation COLING 2022 Nan Wang, Jiwei Li, Yuxian Meng, Xiaofei Sun, Han Qiu, Ziyao Wang, Guoyin Wang, Jun He

We formalize predicate disambiguation as multiple-choice machine reading comprehension, where the descriptions of candidate senses of a given predicate are used as options to select the correct sense.

Computational Efficiency Machine Reading Comprehension +3

RPR-Net: A Point Cloud-based Rotation-aware Large Scale Place Recognition Network

no code implementations29 Aug 2021 Zhaoxin Fan, Zhenbo Song, Wenping Zhang, Hongyan Liu, Jun He, Xiaoyong Du

Third, we apply these kernels to previous point cloud features to generate new features, which is the well-known SO(3) mapping process.

Autonomous Driving Point Cloud Retrieval +2

Improving Entity Linking through Semantic Reinforced Entity Embeddings

1 code implementation ACL 2020 Feng Hou, Ruili Wang, Jun He, Yi Zhou

We propose a simple yet effective method, FGS2EE, to inject fine-grained semantic information into entity embeddings to reduce the distinctiveness and facilitate the learning of contextual commonality.

Entity Embeddings Entity Linking +1

Nonlinear signal transduction network with multistate

no code implementations14 Jun 2021 Han-Yu Jiang, Jun He

At short time scale, the second open state is essential to reproduce the quasi-bistable regime, which emerges at a critical strength of connection for all three states involved in the fast processes and disappears at another critical point.

Deep Learning on Monocular Object Pose Detection and Tracking: A Comprehensive Overview

no code implementations29 May 2021 Zhaoxin Fan, Yazhi Zhu, Yulin He, Qi Sun, Hongyan Liu, Jun He

Therefore, this study presents a comprehensive review of recent progress in object pose detection and tracking that belongs to the deep learning technical route.

Autonomous Driving Object +1

Functional annotation of creeping bentgrass protein sequences based on convolutional neural network

no code implementations7 Apr 2021 Han-Yu Jiang, Jun He

Conclusions: The prediction model based on convolutional neural network was successfully applied to select good candidates of the proteins with functions relevant to the ISR mechanism from the protein sequences which cannot be annotated by database alignment.

Revisiting Local Descriptor for Improved Few-Shot Classification

1 code implementation30 Mar 2021 Jun He, Richang Hong, Xueliang Liu, Mingliang Xu, Qianru Sun

Few-shot classification studies the problem of quickly adapting a deep learner to understanding novel classes based on few support images.

Classification Decision Making +1

Significant Inverse Magnetocaloric Effect induced by Quantum Criticality

no code implementations17 Feb 2021 Tao Liu, Xin-Yang Liu, Yuan Gao, Hai Jin, Jun He, Xian-Lei Sheng, Wentao Jin, Ziyu Chen, Wei Li

Strong fluctuations in the low-$T$ quantum critical regime can give rise to a large thermal entropy change and thus significant cooling effect when approaching the QCP.

Strongly Correlated Electrons

$P_{cs}(4459)$ and other possible molecular states from $Ξ_{c}^{(*)}\bar{D}^{(*)}$ and $Ξ'_c\bar{D}^{(*)}$ interactions

no code implementations29 Jan 2021 Jun-Tao Zhu, Lin-Qing Song, Jun He

Two states with spin parities $1/2^-$ and $3/2^-$ are predicted near the $\Xi'_c\bar{D}$, $\Xi_c\bar{D}$, and $\Xi_c^*\bar{D}$ thresholds, respectively.

High Energy Physics - Phenomenology

Unsupervised Summarization by Jointly Extracting Sentences and Keywords

no code implementations16 Sep 2020 Zongyi Li, Xiaoqing Zheng, Jun He

We present RepRank, an unsupervised graph-based ranking model for extractive multi-document summarization in which the similarity between words, sentences, and word-to-sentence can be estimated by the distances between their vector representations in a unified vector space.

Document Summarization Multi-Document Summarization +2

Improving Coreference Resolution by Leveraging Entity-Centric Features with Graph Neural Networks and Second-order Inference

no code implementations10 Sep 2020 Lu Liu, Zhenqiao Song, Xiaoqing Zheng, Jun He

One of the major challenges in coreference resolution is how to make use of entity-level features defined over clusters of mentions rather than mention pairs.

coreference-resolution

Possible molecular states from the $NΔ$ interaction

no code implementations31 Jul 2020 Zhi-Tao Lu, Han-Yu Jiang, Jun He

It has a relatively small binding energy compared with the $d^*(2380)$ and a width close to the width of the $\Delta$ baryon, which suggests that it may be a dibaryon in a molecular state picture.

Nuclear Theory High Energy Physics - Phenomenology

DanHAR: Dual Attention Network For Multimodal Human Activity Recognition Using Wearable Sensors

no code implementations25 Jun 2020 Wenbin Gao, Lei Zhang, Qi Teng, Jun He, Hao Wu

Recently, two attention methods are proposed via combining with Gated Recurrent Units (GRU) and Long Short-Term Memory (LSTM) network, which can capture the dependencies of sensing signals in both spatial and temporal domains simultaneously.

Hard Attention Human Activity Recognition

Real-time Human Activity Recognition Using Conditionally Parametrized Convolutions on Mobile and Wearable Devices

no code implementations5 Jun 2020 Xin Cheng, Lei Zhang, Yin Tang, Yue Liu, Hao Wu, Jun He

For deep learning, improvements in performance have to heavily rely on increasing model size or capacity to scale to larger and larger datasets, which inevitably leads to the increase of operations.

Human Activity Recognition

Memory-Augmented Relation Network for Few-Shot Learning

no code implementations9 May 2020 Jun He, Richang Hong, Xueliang Liu, Mingliang Xu, Zheng-Jun Zha, Meng Wang

Metric-based few-shot learning methods concentrate on learning transferable feature embedding that generalizes well from seen categories to unseen categories under the supervision of limited number of labelled instances.

Few-Shot Learning Metric Learning +2

Layer-wise training convolutional neural networks with smaller filters for human activity recognition using wearable sensors

no code implementations8 May 2020 Yin Tang, Qi Teng, Lei Zhang, Fuhong Min, Jun He

A set of lower-dimensional filters is used as Lego bricks to be stacked for conventional filters, which does not rely on any special network structure.

Human Activity Recognition Time Series Analysis

Incorporating Multiple Cluster Centers for Multi-Label Learning

no code implementations17 Apr 2020 Senlin Shu, Fengmao Lv, Yan Yan, Li Li, Shuo He, Jun He

In this article, we propose to leverage the data augmentation technique to improve the performance of multi-label learning.

Clustering Data Augmentation +1

Sequential Weakly Labeled Multi-Activity Localization and Recognition on Wearable Sensors using Recurrent Attention Networks

2 code implementations13 Apr 2020 Kun Wang, Jun He, Lei Zhang

Recently, several attention mechanisms are proposed to handle the weakly labeled human activity data, which do not require accurate data annotation.

Human Activity Recognition

Exploitation and Exploration Analysis of Elitist Evolutionary Algorithms: A Case Study

no code implementations29 Jan 2020 Yu Chen, Jun He

Known as two cornerstones of problem solving by search, exploitation and exploration are extensively discussed for implementation and application of evolutionary algorithms (EAs).

Evolutionary Algorithms

Conditionally Learn to Pay Attention for Sequential Visual Task

1 code implementation11 Nov 2019 Jun He, Quan-Jie Cao, Lei Zhang

Sequential visual task usually requires to pay attention to its current interested object conditional on its previous observations.

Language Modelling

Unlimited Budget Analysis of Randomised Search Heuristics

no code implementations7 Sep 2019 Jun He, Thomas Jansen, Christine Zarges

Run time and solution quality are two popular measures of the performance of these algorithms.

Error Analysis of Elitist Randomized Search Heuristics

no code implementations3 Sep 2019 Cong Wang, Yu Chen, Jun He, Chengwang Xie

When globally optimal solutions of complicated optimization problems cannot be located by evolutionary algorithms (EAs) in polynomial expected running time, the hitting time/running time analysis is not flexible enough to accommodate the requirement of theoretical study, because sometimes we have no idea on what approximation ratio is available in polynomial expected running time.

Evolutionary Algorithms

Attention-based Convolutional Neural Network for Weakly Labeled Human Activities Recognition with Wearable Sensors

no code implementations24 Mar 2019 Kun Wang, Jun He, Lei Zhang

Unlike images or videos data which can be easily labeled by human being, sensor data annotation is a time-consuming process.

Human Activity Recognition

Average Convergence Rate of Evolutionary Algorithms II: Continuous Optimization

no code implementations27 Oct 2018 Yu Chen, Jun He

But for hard functions such as the deceptive function, the ACR of both the (1+1) adaptive random univariate search and evolutionary programming is exponential.

Evolutionary Algorithms

A Theoretical Framework of Approximation Error Analysis of Evolutionary Algorithms

no code implementations26 Oct 2018 Jun He, Yu Chen, Yuren Zhou

In the empirical study of evolutionary algorithms, the solution quality is evaluated by either the fitness value or approximation error.

Evolutionary Algorithms

A Blended Deep Learning Approach for Predicting User Intended Actions

no code implementations11 Oct 2018 Fei Tan, Zhi Wei, Jun He, Xiang Wu, Bo Peng, Haoran Liu, Zhenyu Yan

In this work, we focus on pre- dicting attrition, which is one of typical user intended actions.

Multiobjective Optimization Differential Evolution Enhanced with Principle Component Analysis for Constrained Optimization

no code implementations1 May 2018 Wei Huang, Tao Xu, Kangshun Li, Jun He

PMODE and HECO-PDE are compared with the algorithms from the IEEE CEC 2018 competition and another recent MOEA for constrained optimisation.

Evolutionary Algorithms Multiobjective Optimization

An Analytic Expression of Relative Approximation Error for a Class of Evolutionary Algorithms

no code implementations11 Nov 2015 Jun He

In this paper, an analytic expression for calculating the relative approximation error is presented for a class of evolutionary algorithms, that is, (1+1) strictly elitist evolution algorithms.

Evolutionary Algorithms

Multi-objective Differential Evolution with Helper Functions for Constrained Optimization

no code implementations30 Sep 2015 Tao Xu, Jun He

This paper proposes a new multi-objective method for solving constrained optimization problems.

Evolutionary Algorithms

Average Convergence Rate of Evolutionary Algorithms

no code implementations30 Apr 2015 Jun He, Guangming Lin

The calculation of the average convergence rate is very simple and it is applicable for most evolutionary algorithms on both continuous and discrete optimization.

Evolutionary Algorithms

Analysis of Solution Quality of a Multiobjective Optimization-based Evolutionary Algorithm for Knapsack Problem

no code implementations12 Feb 2015 Jun He, Yong Wang, Yuren Zhou

Multi-objective optimisation is regarded as one of the most promising ways for dealing with constrained optimisation problems in evolutionary optimisation.

Multiobjective Optimization

Adaptive Stochastic Gradient Descent on the Grassmannian for Robust Low-Rank Subspace Recovery and Clustering

no code implementations12 Dec 2014 Jun He, Yue Zhang

In this paper, we present GASG21 (Grassmannian Adaptive Stochastic Gradient for $L_{2, 1}$ norm minimization), an adaptive stochastic gradient algorithm to robustly recover the low-rank subspace from a large matrix.

Clustering Stochastic Optimization

Performance Analysis on Evolutionary Algorithms for the Minimum Label Spanning Tree Problem

no code implementations3 Sep 2014 Xinsheng Lai, Yuren Zhou, Jun He, Jun Zhang

We also show that GSEMO achieves a $(2ln(n))$-approximation ratio for the MLST problem in expected polynomial time of $n$ and $k$.

Evolutionary Algorithms

A Theoretical Assessment of Solution Quality in Evolutionary Algorithms for the Knapsack Problem

no code implementations14 Apr 2014 Jun He, Boris Mitavskiy, Yuren Zhou

Nonetheless, few rigorous investigations address the quality of solutions that evolutionary algorithms may produce for the knapsack problem.

Evolutionary Algorithms

A Novel Genetic Algorithm using Helper Objectives for the 0-1 Knapsack Problem

no code implementations3 Apr 2014 Jun He, Feidun He, Hongbin Dong

On the other hand, genetic algorithms are well suited for solving the knapsack problem and they find reasonably good solutions quickly.

A Unified Markov Chain Approach to Analysing Randomised Search Heuristics

no code implementations9 Dec 2013 Jun He, Feidun He, Xin Yao

The convergence, convergence rate and expected hitting time play fundamental roles in the analysis of randomised search heuristics.

Average Drift Analysis and Population Scalability

no code implementations14 Aug 2013 Jun He, Xin Yao

Population scalability is the ratio of the expected hitting time between a benchmark algorithm and an algorithm using a larger population size.

Evolutionary Algorithms

Iterative Grassmannian Optimization for Robust Image Alignment

no code implementations3 Jun 2013 Jun He, Dejiao Zhang, Laura Balzano, Tao Tao

t-GRASTA iteratively performs incremental gradient descent constrained to the Grassmann manifold of subspaces in order to simultaneously estimate a decomposition of a collection of images into a low-rank subspace, a sparse part of occlusions and foreground objects, and a transformation such as rotation or translation of the image.

Face Recognition

A Further Generalization of the Finite-Population Geiringer-like Theorem for POMDPs to Allow Recombination Over Arbitrary Set Covers

no code implementations11 May 2013 Boris Mitavskiy, Jun He

Recently a finite population version of Geiringer theorem with nonhomologous recombination has been adopted to the setting of Monte-Carlo tree search to cope with randomness and incomplete information by exploiting the entrinsic similarities within the state space of the problem.

Relation

Geiringer Theorems: From Population Genetics to Computational Intelligence, Memory Evolutive Systems and Hebbian Learning

no code implementations11 May 2013 Boris Mitavskiy, Elio Tuci, Chris Cannings, Jonathan Rowe, Jun He

The classical Geiringer theorem addresses the limiting frequency of occurrence of various alleles after repeated application of crossover.

Evolutionary Algorithms

Combining Drift Analysis and Generalized Schema Theory to Design Efficient Hybrid and/or Mixed Strategy EAs

no code implementations11 May 2013 Boris Mitavskiy, Jun He

Hybrid and mixed strategy EAs have become rather popular for tackling various complex and NP-hard optimization problems.

Scheduling

Mixed Strategy May Outperform Pure Strategy: An Initial Study

no code implementations13 Mar 2013 Jun He, Wei Hou, Hongbin Dong, Feidun He

In mixed strategy meta-heuristics, each time one search strategy is chosen from a strategy pool with a probability and then is applied.

Evolutionary Algorithms

On the Easiest and Hardest Fitness Functions

no code implementations28 Mar 2012 Jun He, Tianshi Chen, Xin Yao

The aim of this paper is to answer the following research questions: Given a fitness function class, which functions are the easiest with respect to an evolutionary algorithm?

Evolutionary Algorithms

A Polynomial Time Approximation Scheme for a Single Machine Scheduling Problem Using a Hybrid Evolutionary Algorithm

no code implementations8 Feb 2012 Boris Mitavskiy, Jun He

Nowadays hybrid evolutionary algorithms, i. e, heuristic search algorithms combining several mutation operators some of which are meant to implement stochastically a well known technique designed for the specific problem in question while some others playing the role of random search, have become rather popular for tackling various NP-hard optimization problems.

Combinatorial Optimization Evolutionary Algorithms +1

Pure Strategy or Mixed Strategy?

no code implementations7 Dec 2011 Jun He, Feidun He, Hongbin Dong

Mixed strategy EAs aim to integrate several mutation operators into a single algorithm.

Online Robust Subspace Tracking from Partial Information

1 code implementation18 Sep 2011 Jun He, Laura Balzano, John C. S. Lui

This paper presents GRASTA (Grassmannian Robust Adaptive Subspace Tracking Algorithm), an efficient and robust online algorithm for tracking subspaces from highly incomplete information.

Matrix Completion

Novel Analysis of Population Scalability in Evolutionary Algorithms

no code implementations23 Aug 2011 Jun He, Tianshi Chen, Boris Mitavskiy

(1) We demonstrate rigorously that for elitist EAs with identical global mutation, using a lager population size always increases the average rate of convergence to the optimal set; and yet, sometimes, the expected number of generations needed to find an optimal solution (measured by either the maximal value or the average value) may increase, rather than decrease.

Evolutionary Algorithms

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