Search Results for author: Tao Yang

Found 83 papers, 30 papers with code

Learning to Answer Psychological Questionnaire for Personality Detection

no code implementations Findings (EMNLP) 2021 Feifan Yang, Tao Yang, Xiaojun Quan, Qinliang Su

We argue that the posts created by a user contain critical contents that could help answer the questions in a questionnaire, resulting in an assessment of his personality by linking the texts and the questionnaire.

KLMo: Knowledge Graph Enhanced Pretrained Language Model with Fine-Grained Relationships

1 code implementation Findings (EMNLP) 2021 Lei He, Suncong Zheng, Tao Yang, Feng Zhang

In this work, we propose to incorporate KG (including both entities and relations) into the language learning process to obtain KG-enhanced pretrained Language Model, namely KLMo.

Entity Linking Entity Typing +3

Improving Chinese Grammatical Error Detection via Data augmentation by Conditional Error Generation

no code implementations Findings (ACL) 2022 Tianchi Yue, Shulin Liu, Huihui Cai, Tao Yang, Shengkang Song, TingHao Yu

The generative model may bring too many changes to the original sentences and generate semantically ambiguous sentences, so it is difficult to detect grammatical errors in these generated sentences.

Data Augmentation Grammatical Error Detection

Distributed Online Convex Optimization with Adversarial Constraints: Reduced Cumulative Constraint Violation Bounds under Slater's Condition

no code implementations31 May 2023 Xinlei Yi, Xiuxian Li, Tao Yang, Lihua Xie, Yiguang Hong, Tianyou Chai, Karl H. Johansson

Moreover, if the loss functions are strongly convex, then the network regret bound is reduced to $\mathcal{O}(\log(T))$, and the network cumulative constraint violation bound is reduced to $\mathcal{O}(\sqrt{\log(T)T})$ and $\mathcal{O}(\log(T))$ without and with Slater's condition, respectively.

Multi-source adversarial transfer learning for ultrasound image segmentation with limited similarity

no code implementations30 May 2023 Yifu Zhang, Hongru Li, Tao Yang, Rui Tao, Zhengyuan Liu, Shimeng Shi, Jiansong Zhang, Ning Ma, Wujin Feng, Zhanhu Zhang, Xinyu Zhang

Transfer learning provides the possibility to solve this problem, but there are too many features in natural images that are not related to the target domain.

Image Segmentation Lesion Segmentation +2

Vector-based Representation is the Key: A Study on Disentanglement and Compositional Generalization

no code implementations29 May 2023 Tao Yang, Yuwang Wang, Cuiling Lan, Yan Lu, Nanning Zheng

In this paper, we study several typical disentangled representation learning works in terms of both disentanglement and compositional generalization abilities, and we provide an important insight: vector-based representation (using a vector instead of a scalar to represent a concept) is the key to empower both good disentanglement and strong compositional generalization.

Disentanglement

FARA: Future-aware Ranking Algorithm for Fairness Optimization

no code implementations26 May 2023 Tao Yang, Zhichao Xu, Zhenduo Wang, Qingyao Ai

However, we find that most existing fair ranking methods adopt greedy algorithms that only optimize rankings for the next immediate session or request.

Exposure Fairness Information Retrieval +1

Mitigating Exploitation Bias in Learning to Rank with an Uncertainty-aware Empirical Bayes Approach

no code implementations26 May 2023 Tao Yang, Cuize Han, Chen Luo, Parth Gupta, Jeff M. Phillips, Qingyao Ai

While previous studies have demonstrated the effectiveness of using user behavior signals (e. g., clicks) as both features and labels of LTR algorithms, we argue that existing LTR algorithms that indiscriminately treat behavior and non-behavior signals in input features could lead to suboptimal performance in practice.

Learning-To-Rank Recommendation Systems

Optimizing Guided Traversal for Fast Learned Sparse Retrieval

1 code implementation2 May 2023 Yifan Qiao, Yingrui Yang, Haixin Lin, Tao Yang

Recent studies show that BM25-driven dynamic index skipping can greatly accelerate MaxScore-based document retrieval based on the learned sparse representation derived by DeepImpact.

Retrieval

A geometry-aware deep network for depth estimation in monocular endoscopy

1 code implementation20 Apr 2023 Yongming Yang, Shuwei Shao, Tao Yang, Peng Wang, Zhuo Yang, Chengdong Wu, Hao liu

To address this issue, we introduce a gradient loss to penalize edge fluctuations ambiguous around stepped edge structures and a normal loss to explicitly express the sensitivity to frequently small structures, and propose a geometric consistency loss to spreads the spatial information across the sample grids to constrain the global geometric anatomy structures.

3D Reconstruction Anatomy +1

Continuous Indeterminate Probability Neural Network

1 code implementation23 Mar 2023 Tao Yang

Third, we propose a new method to visualize the latent random variables, we use one of N dimensional latent variables as a decoder to reconstruct the input image, which can work even for classification tasks, in this way, we can see what each latent variable has learned.

Classification General Classification

Indeterminate Probability Neural Network

1 code implementation21 Mar 2023 Tao Yang, Chuang Liu, Xiaofeng Ma, Weijia Lu, Ning Wu, Bingyang Li, Zhifei Yang, Peng Liu, Lin Sun, Xiaodong Zhang, Can Zhang

Besides, for our proposed neural network framework, the output of neural network is defined as probability events, and based on the statistical analysis of these events, the inference model for classification task is deduced.

Classification

Koos Classification of Vestibular Schwannoma via Image Translation-Based Unsupervised Cross-Modality Domain Adaptation

no code implementations14 Mar 2023 Tao Yang, Lisheng Wang

If ceT1 scans and their annotations can be used for unsupervised learning of hrT2 scans, the performance of Koos classifi-cation using unlabeled hrT2 scans will be greatly improved.

Classification Domain Adaptation

Synthesizing Realistic Image Restoration Training Pairs: A Diffusion Approach

no code implementations13 Mar 2023 Tao Yang, Peiran Ren, Xuansong Xie, Lei Zhang

In supervised image restoration tasks, one key issue is how to obtain the aligned high-quality (HQ) and low-quality (LQ) training image pairs.

Denoising Image Restoration +1

Research on road object detection algorithm based on improved YOLOX

no code implementations16 Feb 2023 Tao Yang, Youyu Wu, Yangxintai Tang

Road object detection is an important branch of automatic driving technology, The model with higher detection accuracy is more conducive to the safe driving of vehicles.

object-detection Object Detection +1

DisDiff: Unsupervised Disentanglement of Diffusion Probabilistic Models

no code implementations31 Jan 2023 Tao Yang, Yuwang Wang, Yan Lv, Nanning Zheng

In this paper, targeting to understand the underlying explainable factors behind observations and modeling the conditional generation process on these factors, we propose a new task, disentanglement of diffusion probabilistic models (DPMs), to take advantage of the remarkable modeling ability of DPMs.

Disentanglement

DDColor: Towards Photo-Realistic and Semantic-Aware Image Colorization via Dual Decoders

1 code implementation22 Dec 2022 Xiaoyang Kang, Tao Yang, Wenqi Ouyang, Peiran Ren, Lingzhi Li, Xuansong Xie

The former restores the spatial resolution of the image, while the latter establishes the correlation between color and semantic representations via cross-attention.

Colorization Image Colorization

Marginal-Certainty-aware Fair Ranking Algorithm

2 code implementations18 Dec 2022 Tao Yang, Zhichao Xu, Zhenduo Wang, Anh Tran, Qingyao Ai

In MCFair, we first develop a ranking objective that includes uncertainty, fairness, and user utility.

Fairness

Orders Are Unwanted: Dynamic Deep Graph Convolutional Network for Personality Detection

1 code implementation3 Dec 2022 Tao Yang, Jinghao Deng, Xiaojun Quan, Qifan Wang

Predicting personality traits based on online posts has emerged as an important task in many fields such as social network analysis.

AD-DROP: Attribution-Driven Dropout for Robust Language Model Fine-Tuning

1 code implementation12 Oct 2022 Tao Yang, Jinghao Deng, Xiaojun Quan, Qifan Wang, Shaoliang Nie

Fine-tuning large pre-trained language models on downstream tasks is apt to suffer from overfitting when limited training data is available.

Language Modelling

Reinforcement Learning to Rank with Coarse-grained Labels

no code implementations16 Aug 2022 Zhichao Xu, Anh Tran, Tao Yang, Qingyao Ai

The results on simulated coarse-grained labeled dataset show that while using coarse-grained labels to train an RL model for LTR tasks still can not outperform traditional approaches using fine-grained labels, it still achieve somewhat promising results and is potentially helpful for future research in LTR.

Information Retrieval Learning-To-Rank +3

High-Order Leader-Follower Tracking Control under Limited Information Availability

no code implementations12 Jul 2022 Chuan Yan, Tao Yang, Huazhen Fang

Limited information availability represents a fundamental challenge for control of multi-agent systems, since an agent often lacks sensing capabilities to measure certain states of its own and can exchange data only with its neighbors.

Vocal Bursts Intensity Prediction

A Flexible Diffusion Model

no code implementations17 Jun 2022 Weitao Du, Tao Yang, He Zhang, Yuanqi Du

Despite the empirical success of the hand-crafted fixed forward SDEs, a great quantity of proper forward SDEs remain unexplored.

Learning to Rank Rationales for Explainable Recommendation

1 code implementation10 Jun 2022 Zhichao Xu, Yi Han, Tao Yang, Anh Tran, Qingyao Ai

Seeing this gap, we propose a model named Semantic-Enhanced Bayesian Personalized Explanation Ranking (SE-BPER) to effectively combine the interaction information and semantic information.

Explainable Recommendation Learning-To-Rank +1

Visual Concepts Tokenization

1 code implementation20 May 2022 Tao Yang, Yuwang Wang, Yan Lu, Nanning Zheng

We further propose a Concept Disentangling Loss to facilitate that different concept tokens represent independent visual concepts.

Representation Learning

Test-time Batch Normalization

no code implementations20 May 2022 Tao Yang, Shenglong Zhou, Yuwang Wang, Yan Lu, Nanning Zheng

Deep neural networks often suffer the data distribution shift between training and testing, and the batch statistics are observed to reflect the shift.

Domain Generalization

NTIRE 2022 Challenge on Efficient Super-Resolution: Methods and Results

2 code implementations11 May 2022 Yawei Li, Kai Zhang, Radu Timofte, Luc van Gool, Fangyuan Kong, Mingxi Li, Songwei Liu, Zongcai Du, Ding Liu, Chenhui Zhou, Jingyi Chen, Qingrui Han, Zheyuan Li, Yingqi Liu, Xiangyu Chen, Haoming Cai, Yu Qiao, Chao Dong, Long Sun, Jinshan Pan, Yi Zhu, Zhikai Zong, Xiaoxiao Liu, Zheng Hui, Tao Yang, Peiran Ren, Xuansong Xie, Xian-Sheng Hua, Yanbo Wang, Xiaozhong Ji, Chuming Lin, Donghao Luo, Ying Tai, Chengjie Wang, Zhizhong Zhang, Yuan Xie, Shen Cheng, Ziwei Luo, Lei Yu, Zhihong Wen, Qi Wu1, Youwei Li, Haoqiang Fan, Jian Sun, Shuaicheng Liu, Yuanfei Huang, Meiguang Jin, Hua Huang, Jing Liu, Xinjian Zhang, Yan Wang, Lingshun Long, Gen Li, Yuanfan Zhang, Zuowei Cao, Lei Sun, Panaetov Alexander, Yucong Wang, Minjie Cai, Li Wang, Lu Tian, Zheyuan Wang, Hongbing Ma, Jie Liu, Chao Chen, Yidong Cai, Jie Tang, Gangshan Wu, Weiran Wang, Shirui Huang, Honglei Lu, Huan Liu, Keyan Wang, Jun Chen, Shi Chen, Yuchun Miao, Zimo Huang, Lefei Zhang, Mustafa Ayazoğlu, Wei Xiong, Chengyi Xiong, Fei Wang, Hao Li, Ruimian Wen, Zhijing Yang, Wenbin Zou, Weixin Zheng, Tian Ye, Yuncheng Zhang, Xiangzhen Kong, Aditya Arora, Syed Waqas Zamir, Salman Khan, Munawar Hayat, Fahad Shahbaz Khan, Dandan Gaoand Dengwen Zhouand Qian Ning, Jingzhu Tang, Han Huang, YuFei Wang, Zhangheng Peng, Haobo Li, Wenxue Guan, Shenghua Gong, Xin Li, Jun Liu, Wanjun Wang, Dengwen Zhou, Kun Zeng, Hanjiang Lin, Xinyu Chen, Jinsheng Fang

The aim was to design a network for single image super-resolution that achieved improvement of efficiency measured according to several metrics including runtime, parameters, FLOPs, activations, and memory consumption while at least maintaining the PSNR of 29. 00dB on DIV2K validation set.

Image Super-Resolution

Dual Skipping Guidance for Document Retrieval with Learned Sparse Representations

1 code implementation23 Apr 2022 Yifan Qiao, Yingrui Yang, Haixin Lin, Tianbo Xiong, Xiyue Wang, Tao Yang

This paper proposes a dual skipping guidance scheme with hybrid scoring to accelerate document retrieval that uses learned sparse representations while still delivering a good relevance.

Retrieval

Hybrid Cloud-Edge Collaborative Data Anomaly Detection in Industrial Sensor Networks

no code implementations21 Apr 2022 Tao Yang, Jinming Wang, Weijie Hao, Qiang Yang, Wenhai Wang

The sensor data detection model based on Gaussian and Bayesian algorithms can detect the anomalous sensor data in real-time and upload them to the cloud for further analysis, filtering the normal sensor data and reducing traffic load.

Anomaly Detection

Effective Exposure Amortizing for Fair Top-k Recommendation

no code implementations6 Apr 2022 Tao Yang, Zhichao Xu, Qingyao Ai

In this paper, we focus on the task of exposure fairness in offline recommendation settings.

Exposure Fairness Recommendation Systems

Compact Token Representations with Contextual Quantization for Efficient Document Re-ranking

no code implementations ACL 2022 Yingrui Yang, Yifan Qiao, Tao Yang

Transformer based re-ranking models can achieve high search relevance through context-aware soft matching of query tokens with document tokens.

Quantization Re-Ranking

Beyond a Video Frame Interpolator: A Space Decoupled Learning Approach to Continuous Image Transition

1 code implementation18 Mar 2022 Tao Yang, Peiran Ren, Xuansong Xie, Xiansheng Hua, Lei Zhang

Most of the existing deep learning based VFI methods adopt off-the-shelf optical flow algorithms to estimate the bidirectional flows and interpolate the missing frames accordingly.

Image Generation Image Morphing +3

Real-World Blind Super-Resolution via Feature Matching with Implicit High-Resolution Priors

2 code implementations26 Feb 2022 Chaofeng Chen, Xinyu Shi, Yipeng Qin, Xiaoming Li, Xiaoguang Han, Tao Yang, Shihui Guo

Unlike image-space methods, our FeMaSR restores HR images by matching distorted LR image {\it features} to their distortion-free HR counterparts in our pretrained HR priors, and decoding the matched features to obtain realistic HR images.

Blind Super-Resolution Image Super-Resolution +1

Contextual Debiasing for Visual Recognition With Causal Mechanisms

no code implementations CVPR 2022 Ruyang Liu, Hao liu, Ge Li, Haodi Hou, TingHao Yu, Tao Yang

As a common problem in the visual world, contextual bias means the recognition may depend on the co-occurrence context rather than the objects themselves, which is even more severe in multi-label tasks due to multiple targets and the absence of location.

Causal Inference Multi-Label Classification

Anomaly-Injected Deep Support Vector Data Description for Text Outlier Detection

no code implementations27 Oct 2021 Zeyu You, Yichu Zhou, Tao Yang, Wei Fan

Anomaly detection or outlier detection is a common task in various domains, which has attracted significant research efforts in recent years.

Anomaly Detection Outlier Detection

Actor-Critic Policy Optimization in a Large-Scale Imperfect-Information Game

no code implementations ICLR 2022 Haobo Fu, Weiming Liu, Shuang Wu, Yijia Wang, Tao Yang, Kai Li, Junliang Xing, Bin Li, Bo Ma, Qiang Fu, Yang Wei

The deep policy gradient method has demonstrated promising results in many large-scale games, where the agent learns purely from its own experience.

Policy Gradient Methods

ULTRA: An Unbiased Learning To Rank Algorithm Toolbox

no code implementations11 Aug 2021 Anh Tran, Tao Yang, Qingyao Ai

Our toolbox is an important resource for researchers to conduct experiments on ULTR algorithms with different configurations as well as testing their own algorithms with the supported features.

Learning-To-Rank

PLOME: Pre-training with Misspelled Knowledge for Chinese Spelling Correction

1 code implementation ACL 2021 Shulin Liu, Tao Yang, Tianchi Yue, Feng Zhang, Di Wang

In this paper, we propose a Pre-trained masked Language model with Misspelled knowledgE (PLOME) for CSC, which jointly learns how to understand language and correct spelling errors.

Language Modelling Spelling Correction

DeceFL: A Principled Decentralized Federated Learning Framework

1 code implementation15 Jul 2021 Ye Yuan, Jun Liu, Dou Jin, Zuogong Yue, Ruijuan Chen, Maolin Wang, Chuan Sun, Lei Xu, Feng Hua, Xin He, Xinlei Yi, Tao Yang, Hai-Tao Zhang, Shaochun Sui, Han Ding

Although there has been a joint effort in tackling such a critical issue by proposing privacy-preserving machine learning frameworks, such as federated learning, most state-of-the-art frameworks are built still in a centralized way, in which a central client is needed for collecting and distributing model information (instead of data itself) from every other client, leading to high communication pressure and high vulnerability when there exists a failure at or attack on the central client.

Federated Learning Privacy Preserving

Psycholinguistic Tripartite Graph Network for Personality Detection

no code implementations ACL 2021 Tao Yang, Feifan Yang, Haolan Ouyang, Xiaojun Quan

In this paper, we propose a psycholinguistic knowledge-based tripartite graph network, TrigNet, which consists of a tripartite graph network and a BERT-based graph initializer.

Graph Attention Graph Learning

Regret and Cumulative Constraint Violation Analysis for Online Convex Optimization with Long Term Constraints

no code implementations9 Jun 2021 Xinlei Yi, Xiuxian Li, Tao Yang, Lihua Xie, Tianyou Chai, Karl H. Johansson

A novel algorithm is first proposed and it achieves an $\mathcal{O}(T^{\max\{c, 1-c\}})$ bound for static regret and an $\mathcal{O}(T^{(1-c)/2})$ bound for cumulative constraint violation, where $c\in(0, 1)$ is a user-defined trade-off parameter, and thus has improved performance compared with existing results.

GAN Prior Embedded Network for Blind Face Restoration in the Wild

3 code implementations CVPR 2021 Tao Yang, Peiran Ren, Xuansong Xie, Lei Zhang

The proposed GAN prior embedded network (GPEN) is easy-to-implement, and it can generate visually photo-realistic results.

Blind Face Restoration Image Generation

Regret and Cumulative Constraint Violation Analysis for Distributed Online Constrained Convex Optimization

no code implementations1 May 2021 Xinlei Yi, Xiuxian Li, Tao Yang, Lihua Xie, Tianyou Chai, Karl H. Johansson

This is a sequential decision making problem with two sequences of arbitrarily varying convex loss and constraint functions.

Decision Making

Composite Re-Ranking for Efficient Document Search with BERT

no code implementations11 Mar 2021 Yingrui Yang, Yifan Qiao, Jinjin Shao, Mayuresh Anand, Xifeng Yan, Tao Yang

By applying token encoding on top of a dual-encoder architecture, BECR separates the attentions between a query and a document while capturing the contextual semantics of a query.

Re-Ranking

Gravitational-Wave Detector Networks: Standard Sirens on Cosmology and Modified Gravity Theory

no code implementations2 Mar 2021 Tao Yang

We give a conservative and realistic estimation of the catalogue and Hubble diagram of GW standard sirens and their potential on studying cosmology and modified gravity theory in the 2030s.

Cosmology and Nongalactic Astrophysics Instrumentation and Methods for Astrophysics General Relativity and Quantum Cosmology

A Driving Behavior Recognition Model with Bi-LSTM and Multi-Scale CNN

no code implementations1 Mar 2021 He Zhang, Zhixiong Nan, Tao Yang, Yifan Liu, Nanning Zheng

In autonomous driving, perceiving the driving behaviors of surrounding agents is important for the ego-vehicle to make a reasonable decision.

Autonomous Driving

Rethinking Content and Style: Exploring Bias for Unsupervised Disentanglement

1 code implementation21 Feb 2021 Xuanchi Ren, Tao Yang, Yuwang Wang, Wenjun Zeng

From the unsupervised disentanglement perspective, we rethink content and style and propose a formulation for unsupervised C-S disentanglement based on our assumption that different factors are of different importance and popularity for image reconstruction, which serves as a data bias.

3D Reconstruction Disentanglement +4

Learning Disentangled Representation by Exploiting Pretrained Generative Models: A Contrastive Learning View

2 code implementations ICLR 2022 Xuanchi Ren, Tao Yang, Yuwang Wang, Wenjun Zeng

Based on this observation, we argue that it is possible to mitigate the trade-off by $(i)$ leveraging the pretrained generative models with high generation quality, $(ii)$ focusing on discovering the traversal directions as factors for disentangled representation learning.

Contrastive Learning Disentanglement

Towards Building A Group-based Unsupervised Representation Disentanglement Framework

1 code implementation ICLR 2022 Tao Yang, Xuanchi Ren, Yuwang Wang, Wenjun Zeng, Nanning Zheng

We then propose a model, based on existing VAE-based methods, to tackle the unsupervised learning problem of the framework.

Disentanglement

Maximizing Marginal Fairness for Dynamic Learning to Rank

1 code implementation18 Feb 2021 Tao Yang, Qingyao Ai

Rankings, especially those in search and recommendation systems, often determine how people access information and how information is exposed to people.

Fairness Learning-To-Rank +1

g-SiC6 Monolayer: A New Graphene-like Dirac Cone Material with a High Fermi Velocity

no code implementations9 Feb 2021 Tao Yang, Xingang Jiang, Wencai Yi, Xiaomin Cheng, Xiaobing Liu

In this work, using first-principles calculations, we have predicted a new Dirac cone material of silicon carbide with the new stoichiometries, named g-SiC6 monolayer, which is composed of sp2 hybridized with a graphene-like structure.

Materials Science

Sparsity-Aware SSAF Algorithm with Individual Weighting Factors for Acoustic Echo Cancellation

no code implementations18 Sep 2020 Yi Yu, Tao Yang, Hongyang Chen, Rodrigo C. de Lamare, Yingsong Li

In this paper, we propose and analyze the sparsity-aware sign subband adaptive filtering with individual weighting factors (S-IWF-SSAF) algorithm, and consider its application in acoustic echo cancellation (AEC).

Acoustic echo cancellation

Stem-leaf segmentation and phenotypic trait extraction of maize shoots from three-dimensional point cloud

1 code implementation7 Sep 2020 Chao Zhu, Teng Miao, Tongyu Xu, Tao Yang, Na Li

However, automatic stem-leaf segmentation of maize shoots from three-dimensional (3D) point clouds remains challenging, especially for new emerging leaves that are very close and wrapped together during the seedling stage.

Analysis of Multivariate Scoring Functions for Automatic Unbiased Learning to Rank

1 code implementation20 Aug 2020 Tao Yang, Shikai Fang, Shibo Li, Yulan Wang, Qingyao Ai

Because click data is often noisy and biased, a variety of methods have been proposed to construct unbiased learning to rank (ULTR) algorithms for the learning of unbiased ranking models.

Information Retrieval Learning-To-Rank +1

HEU Emotion: A Large-scale Database for Multi-modal Emotion Recognition in the Wild

no code implementations24 Jul 2020 Jing Chen, Chenhui Wang, Kejun Wang, Chaoqun Yin, Cong Zhao, Tao Xu, Xinyi Zhang, Ziqiang Huang, Meichen Liu, Tao Yang

Existing multimodal emotion databases in the real-world conditions are few and small, with a limited number of subjects and expressed in a single language.

Emotion Recognition Facial Expression Recognition (FER)

A Primal-Dual SGD Algorithm for Distributed Nonconvex Optimization

no code implementations4 Jun 2020 Xinlei Yi, Shengjun Zhang, Tao Yang, Tianyou Chai, Karl H. Johansson

The distributed nonconvex optimization problem of minimizing a global cost function formed by a sum of $n$ local cost functions by using local information exchange is considered.

Optimization and Control

Unbiased Learning to Rank: Online or Offline?

no code implementations28 Apr 2020 Qingyao Ai, Tao Yang, Huazheng Wang, Jiaxin Mao

While their definitions of \textit{unbiasness} are different, these two types of ULTR algorithms share the same goal -- to find the best models that rank documents based on their intrinsic relevance or utility.

Learning-To-Rank

Deep Image-to-Video Adaptation and Fusion Networks for Action Recognition

no code implementations25 Nov 2019 Yang Liu, Zhaoyang Lu, Jing Li, Tao Yang, Chao Yao

For the same action, the knowledge learned from different media types, e. g., videos and images, may be related and complementary.

Action Recognition In Videos Domain Adaptation

Global Temporal Representation based CNNs for Infrared Action Recognition

no code implementations18 Sep 2019 Yang Liu, Zhaoyang Lu, Jing Li, Tao Yang, Chao Yao

Existing methods for infrared action recognition are either based on spatial or local temporal information, however, the global temporal information, which can better describe the movements of body parts across the whole video, is not considered.

Action Recognition Optical Flow Estimation +1

Distributed Stochastic Gradient Method for Non-Convex Problems with Applications in Supervised Learning

1 code implementation19 Aug 2019 Jemin George, Tao Yang, He Bai, Prudhvi Gurram

Numerical results also show that the proposed distributed algorithm allows the individual agents to recognize the digits even though the training data corresponding to all the digits is not locally available to each agent.

Optimization and Control Systems and Control Systems and Control

Multi-Grained Named Entity Recognition

1 code implementation ACL 2019 Congying Xia, Chenwei Zhang, Tao Yang, Yaliang Li, Nan Du, Xian Wu, Wei Fan, Fenglong Ma, Philip Yu

This paper presents a novel framework, MGNER, for Multi-Grained Named Entity Recognition where multiple entities or entity mentions in a sentence could be non-overlapping or totally nested.

Multi-Grained Named Entity Recognition named-entity-recognition +4

Event Detection without Triggers

no code implementations NAACL 2019 Shulin Liu, Yang Li, Feng Zhang, Tao Yang, Xinpeng Zhou

The goal of event detection (ED) is to detect the occurrences of events and categorize them.

Event Detection

Geodesic Clustering in Deep Generative Models

no code implementations13 Sep 2018 Tao Yang, Georgios Arvanitidis, Dongmei Fu, Xiaogang Li, Søren Hauberg

Deep generative models are tremendously successful in learning low-dimensional latent representations that well-describe the data.

Hierarchically Learned View-Invariant Representations for Cross-View Action Recognition

no code implementations3 Sep 2018 Yang Liu, Zhaoyang Lu, Jing Li, Tao Yang

In order to make the feature representations of videos across views transferable, we then learn a transferable dictionary pair simultaneously from pairs of videos taken at different views to encourage each action video across views to have the same sparse representation.

Action Recognition Denoising +1

VH-HFCN based Parking Slot and Lane Markings Segmentation on Panoramic Surround View

no code implementations19 Apr 2018 Yan Wu, Tao Yang, Junqiao Zhao, Linting Guan, Wei Jiang

At the same time, we proposed a highly fused convolutional network (HFCN) based segmentation method for parking slot and lane markings based on the PSV dataset.

$ρ$-hot Lexicon Embedding-based Two-level LSTM for Sentiment Analysis

1 code implementation21 Mar 2018 Ou Wu, Tao Yang, Mengyang Li, Ming Li

Lexical cues are useful for sentiment analysis, and they have been utilized in conventional studies.

Sentiment Analysis Sentiment Classification +1

Disentangled Variational Auto-Encoder for Semi-supervised Learning

no code implementations15 Sep 2017 Yang Li, Quan Pan, Suhang Wang, Haiyun Peng, Tao Yang, Erik Cambria

The majority of existing semi-supervised VAEs utilize a classifier to exploit label information, where the parameters of the classifier are introduced to the VAE.

Identifying Genetic Risk Factors via Sparse Group Lasso with Group Graph Structure

no code implementations12 Sep 2017 Tao Yang, Paul Thompson, Sihai Zhao, Jieping Ye

As a regression model, it is competitive to the state-of-the-arts sparse models; as a variable selection method, SGLGG is promising for identifying Alzheimer's disease-related risk SNPs.

Variable Selection

Traffic-Aware Transmission Mode Selection in D2D-enabled Cellular Networks with Token System

no code implementations2 Mar 2017 Yiling Yuan, Tao Yang, Hui Feng, Bo Hu, Jianqiu Zhang, Bin Wang, Qiyong Lu

We consider a D2D-enabled cellular network where user equipments (UEs) owned by rational users are incentivized to form D2D pairs using tokens.

Large-scale Collaborative Imaging Genetics Studies of Risk Genetic Factors for Alzheimer's Disease Across Multiple Institutions

no code implementations19 Aug 2016 Qingyang Li, Tao Yang, Liang Zhan, Derrek Paul Hibar, Neda Jahanshad, Yalin Wang, Jieping Ye, Paul M. Thompson, Jie Wang

To the best of our knowledge, this is the first successful run of the computationally intensive model selection procedure to learn a consistent model across different institutions without compromising their privacy while ranking the SNPs that may collectively affect AD.

Model Selection

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