Search Results for author: Chen Li

Found 200 papers, 63 papers with code

Chinese Grammatical Error Diagnosis with Graph Convolution Network and Multi-task Learning

no code implementations AACL (NLP-TEA) 2020 Yikang Luo, Zuyi Bao, Chen Li, Rui Wang

For the correction subtask, we utilize the masked language model, the seq2seq model and the spelling check model to generate corrections based on the detection results.

Language Modelling Multi-Task Learning +1

Tackling the Singularities at the Endpoints of Time Intervals in Diffusion Models

1 code implementation13 Mar 2024 Pengze Zhang, Hubery Yin, Chen Li, Xiaohua Xie

Most diffusion models assume that the reverse process adheres to a Gaussian distribution.

Enhancing Multi-Hop Knowledge Graph Reasoning through Reward Shaping Techniques

no code implementations9 Mar 2024 Chen Li, Haotian Zheng, Yiping Sun, Cangqing Wang, Liqiang Yu, Che Chang, Xinyu Tian, Bo Liu

In the realm of computational knowledge representation, Knowledge Graph Reasoning (KG-R) stands at the forefront of facilitating sophisticated inferential capabilities across multifarious domains.

Knowledge Graphs Navigate +1

Common 7B Language Models Already Possess Strong Math Capabilities

no code implementations7 Mar 2024 Chen Li, Weiqi Wang, Jingcheng Hu, Yixuan Wei, Nanning Zheng, Han Hu, Zheng Zhang, Houwen Peng

This paper shows that the LLaMA-2 7B model with common pre-training already exhibits strong mathematical abilities, as evidenced by its impressive accuracy of 97. 7% and 72. 0% on the GSM8K and MATH benchmarks, respectively, when selecting the best response from 256 random generations.

GSM8K Math

Dual-Granularity Medication Recommendation Based on Causal Inference

no code implementations1 Mar 2024 Shunpan Liang, Xiang Li, Chen Li, Yu Lei, Yulei Hou, Tengfei Ma

Medication recommendation aims to integrate patients' long-term health records with medical knowledge, recommending accuracy and safe medication combinations for specific conditions.

Causal Inference Recommendation Systems

Partially Recentralization Softmax Loss for Vision-Language Models Robustness

no code implementations6 Feb 2024 Hao Wang, Xin Zhang, JinZhe Jiang, YaQian Zhao, Chen Li

However, it has been shown that multimodal NLP are vulnerable to adversarial attacks, where the outputs of a model can be dramatically changed by a perturbation to the input.

Adversarial Robustness

Bayesian Inference Accelerator for Spiking Neural Networks

no code implementations27 Jan 2024 Prabodh Katti, Anagha Nimbekar, Chen Li, Amit Acharyya, Bashir M. Al-Hashimi, Bipin Rajendran

Bayesian neural networks offer better estimates of model uncertainty compared to frequentist networks.

Bayesian Inference

Consensus Focus for Object Detection and minority classes

1 code implementation10 Jan 2024 Erik Isai Valle Salgado, Chen Li, Yaqi Han, Linchao Shi, Xinghui Li

Ensemble methods exploit the availability of a given number of classifiers or detectors trained in single or multiple source domains and tasks to address machine learning problems such as domain adaptation or multi-source transfer learning.

Domain Adaptation Long-tailed Object Detection +4

SwitchTab: Switched Autoencoders Are Effective Tabular Learners

no code implementations4 Jan 2024 Jing Wu, Suiyao Chen, Qi Zhao, Renat Sergazinov, Chen Li, ShengJie Liu, Chongchao Zhao, Tianpei Xie, Hanqing Guo, Cheng Ji, Daniel Cociorva, Hakan Brunzel

Self-supervised representation learning methods have achieved significant success in computer vision and natural language processing, where data samples exhibit explicit spatial or semantic dependencies.

Representation Learning

Relation-Aware Question Answering for Heterogeneous Knowledge Graphs

1 code implementation19 Dec 2023 Haowei Du, Quzhe Huang, Chen Li, Chen Zhang, Yang Li, Dongyan Zhao

To address this issue, we construct a \textbf{dual relation graph} where each node denotes a relation in the original KG (\textbf{primal entity graph}) and edges are constructed between relations sharing same head or tail entities.

Knowledge Base Question Answering Knowledge Graphs +1

External Knowledge Augmented Polyphone Disambiguation Using Large Language Model

no code implementations19 Dec 2023 Chen Li

One of the key issues in Mandarin Chinese text-to-speech (TTS) systems is polyphone disambiguation when doing grapheme-to-phoneme (G2P) conversion.

Language Modelling Large Language Model +4

Multi-Granularity Information Interaction Framework for Incomplete Utterance Rewriting

no code implementations19 Dec 2023 Haowei Du, Dinghao Zhang, Chen Li, Yang Li, Dongyan Zhao

Recent approaches in Incomplete Utterance Rewriting (IUR) fail to capture the source of important words, which is crucial to edit the incomplete utterance, and introduce words from irrelevant utterances.

Noise Adaptor in Spiking Neural Networks

no code implementations8 Dec 2023 Chen Li, Bipin Rajendran

Our research utilizes the ResNet model for a comprehensive analysis of the impact of the noise adaptor on low-latency SNNs.

NeuSG: Neural Implicit Surface Reconstruction with 3D Gaussian Splatting Guidance

no code implementations1 Dec 2023 Hanlin Chen, Chen Li, Gim Hee Lee

In this work, we propose a neural implicit surface reconstruction pipeline with guidance from 3D Gaussian Splatting to recover highly detailed surfaces.

3D Reconstruction Multi-View 3D Reconstruction +1

Optimal Power Flow in Highly Renewable Power System Based on Attention Neural Networks

no code implementations23 Nov 2023 Chen Li, Alexander Kies, Kai Zhou, Markus Schlott, Omar El Sayed, Mariia Bilousova, Horst Stoecker

The Optimal Power Flow (OPF) problem is pivotal for power system operations, guiding generator output and power distribution to meet demand at minimized costs, while adhering to physical and engineering constraints.

Imitation Learning Physics-informed machine learning

Vision-Language Instruction Tuning: A Review and Analysis

1 code implementation14 Nov 2023 Chen Li, Yixiao Ge, Dian Li, Ying Shan

Instruction tuning is a crucial supervised training phase in Large Language Models (LLMs), aiming to enhance the LLM's ability to generalize instruction execution and adapt to user preferences.

Improving Seq2Seq Grammatical Error Correction via Decoding Interventions

1 code implementation23 Oct 2023 Houquan Zhou, Yumeng Liu, Zhenghua Li, Min Zhang, Bo Zhang, Chen Li, Ji Zhang, Fei Huang

In this paper, we propose a unified decoding intervention framework that employs an external critic to assess the appropriateness of the token to be generated incrementally, and then dynamically influence the choice of the next token.

Grammatical Error Correction Language Modelling

Making LLaMA SEE and Draw with SEED Tokenizer

1 code implementation2 Oct 2023 Yuying Ge, Sijie Zhao, Ziyun Zeng, Yixiao Ge, Chen Li, Xintao Wang, Ying Shan

We identify two crucial design principles: (1) Image tokens should be independent of 2D physical patch positions and instead be produced with a 1D causal dependency, exhibiting intrinsic interdependence that aligns with the left-to-right autoregressive prediction mechanism in LLMs.

multimodal generation

InstructDiffusion: A Generalist Modeling Interface for Vision Tasks

1 code implementation7 Sep 2023 Zigang Geng, Binxin Yang, Tiankai Hang, Chen Li, Shuyang Gu, Ting Zhang, Jianmin Bao, Zheng Zhang, Han Hu, Dong Chen, Baining Guo

We present InstructDiffusion, a unifying and generic framework for aligning computer vision tasks with human instructions.

Keypoint Detection

A Visual Interpretation-Based Self-Improved Classification System Using Virtual Adversarial Training

no code implementations3 Sep 2023 Shuai Jiang, Sayaka Kamei, Chen Li, Shengzhe Hou, Yasuhiko Morimoto

The successful application of large pre-trained models such as BERT in natural language processing has attracted more attention from researchers.

Classification Sentiment Analysis +1

GHuNeRF: Generalizable Human NeRF from a Monocular Video

1 code implementation31 Aug 2023 Chen Li, Jiahao Lin, Gim Hee Lee

In view of these limitations, we propose GHuNeRF to learn a generalizable human NeRF model from a monocular video of the human performer.

Calibrating Uncertainty for Semi-Supervised Crowd Counting

no code implementations ICCV 2023 Chen Li, Xiaoling Hu, Shahira Abousamra, Chao Chen

A popular approach is to iteratively generate pseudo-labels for unlabeled data and add them to the training set.

Crowd Counting

ECPC-IDS:A benchmark endometrail cancer PET/CT image dataset for evaluation of semantic segmentation and detection of hypermetabolic regions

no code implementations16 Aug 2023 Dechao Tang, Tianming Du, Deguo Ma, Zhiyu Ma, Hongzan Sun, Marcin Grzegorzek, Huiyan Jiang, Chen Li

As far as we know, this is the first publicly available dataset of endometrial cancer with a large number of multiple images, including a large amount of information required for image and target detection.

Image Segmentation object-detection +3

DETR Doesn't Need Multi-Scale or Locality Design

1 code implementation3 Aug 2023 Yutong Lin, Yuhui Yuan, Zheng Zhang, Chen Li, Nanning Zheng, Han Hu

This paper presents an improved DETR detector that maintains a "plain" nature: using a single-scale feature map and global cross-attention calculations without specific locality constraints, in contrast to previous leading DETR-based detectors that reintroduce architectural inductive biases of multi-scale and locality into the decoder.

Weakly-supervised 3D Pose Transfer with Keypoints

1 code implementation ICCV 2023 Jinnan Chen, Chen Li, Gim Hee Lee

The main challenges of 3D pose transfer are: 1) Lack of paired training data with different characters performing the same pose; 2) Disentangling pose and shape information from the target mesh; 3) Difficulty in applying to meshes with different topologies.

Pose Transfer

Confidence Estimation Using Unlabeled Data

1 code implementation19 Jul 2023 Chen Li, Xiaoling Hu, Chao Chen

We stipulate that even with limited training labels, we can still reasonably approximate the confidence of model on unlabeled samples by inspecting the prediction consistency through the training process.

Active Learning Image Classification

PTVD: A Large-Scale Plot-Oriented Multimodal Dataset Based on Television Dramas

1 code implementation26 Jun 2023 Chen Li, Xutan Peng, Teng Wang, Yixiao Ge, Mengyang Liu, Xuyuan Xu, Yexin Wang, Ying Shan

Art forms such as movies and television (TV) dramas are reflections of the real world, which have attracted much attention from the multimodal learning community recently.

Genre classification Retrieval +1

NaSGEC: a Multi-Domain Chinese Grammatical Error Correction Dataset from Native Speaker Texts

1 code implementation25 May 2023 Yue Zhang, Bo Zhang, Haochen Jiang, Zhenghua Li, Chen Li, Fei Huang, Min Zhang

We introduce NaSGEC, a new dataset to facilitate research on Chinese grammatical error correction (CGEC) for native speaker texts from multiple domains.

Grammatical Error Correction

OD-NeRF: Efficient Training of On-the-Fly Dynamic Neural Radiance Fields

no code implementations24 May 2023 Zhiwen Yan, Chen Li, Gim Hee Lee

Dynamic neural radiance fields (dynamic NeRFs) have demonstrated impressive results in novel view synthesis on 3D dynamic scenes.

Novel View Synthesis

a unified front-end framework for english text-to-speech synthesis

no code implementations18 May 2023 Zelin Ying, Chen Li, Yu Dong, Qiuqiang Kong, Qiao Tian, YuanYuan Huo, Yuxuan Wang

The front-end is a critical component of English text-to-speech (TTS) systems, responsible for extracting linguistic features that are essential for a text-to-speech model to synthesize speech, such as prosodies and phonemes.

Speech Synthesis Text-To-Speech Synthesis

Ripple Knowledge Graph Convolutional Networks For Recommendation Systems

no code implementations2 May 2023 Chen Li, Yang Cao, Ye Zhu, Debo Cheng, Chengyuan Li, Yasuhiko Morimoto

Using knowledge graphs to assist deep learning models in making recommendation decisions has recently been proven to effectively improve the model's interpretability and accuracy.

Knowledge Graphs Recommendation Systems

Understanding the Generalization Ability of Deep Learning Algorithms: A Kernelized Renyi's Entropy Perspective

1 code implementation2 May 2023 Yuxin Dong, Tieliang Gong, Hong Chen, Chen Li

However, the current generalization error bounds within this framework are still far from optimal, while substantial improvements on these bounds are quite challenging due to the intractability of high-dimensional information quantities.

TagGPT: Large Language Models are Zero-shot Multimodal Taggers

1 code implementation6 Apr 2023 Chen Li, Yixiao Ge, Jiayong Mao, Dian Li, Ying Shan

Given a new entity that needs tagging for distribution, TagGPT introduces two alternative options for zero-shot tagging, i. e., a generative method with late semantic matching with the tag set, and another selective method with early matching in prompts.

Optical Character Recognition (OCR) Prompt Engineering +5

ScarceNet: Animal Pose Estimation with Scarce Annotations

1 code implementation CVPR 2023 Chen Li, Gim Hee Lee

To this end, we propose the ScarceNet, a pseudo label-based approach to generate artificial labels for the unlabeled images.

Animal Pose Estimation Domain Adaptation +1

NeRF-DS: Neural Radiance Fields for Dynamic Specular Objects

1 code implementation CVPR 2023 Zhiwen Yan, Chen Li, Gim Hee Lee

We evaluate our model based on the novel view synthesis quality with a self-collected dataset of different moving specular objects in realistic environments.

Novel View Synthesis

Distribution-restrained Softmax Loss for the Model Robustness

no code implementations22 Mar 2023 Hao Wang, Chen Li, JinZhe Jiang, Xin Zhang, YaQian Zhao, Weifeng Gong

Recently, the robustness of deep learning models has received widespread attention, and various methods for improving model robustness have been proposed, including adversarial training, model architecture modification, design of loss functions, certified defenses, and so on.

Unleashing the Potential of Spiking Neural Networks by Dynamic Confidence

1 code implementation17 Mar 2023 Chen Li, Edward Jones, Steve Furber

In this regard, Dynamic Confidence represents a meaningful step toward realizing the potential of SNNs.

Decision Making

Efficient Diffusion Training via Min-SNR Weighting Strategy

1 code implementation ICCV 2023 Tiankai Hang, Shuyang Gu, Chen Li, Jianmin Bao, Dong Chen, Han Hu, Xin Geng, Baining Guo

Denoising diffusion models have been a mainstream approach for image generation, however, training these models often suffers from slow convergence.

Denoising Image Generation +2

A Comprehensive Survey on Pretrained Foundation Models: A History from BERT to ChatGPT

no code implementations18 Feb 2023 Ce Zhou, Qian Li, Chen Li, Jun Yu, Yixin Liu, Guangjing Wang, Kai Zhang, Cheng Ji, Qiben Yan, Lifang He, Hao Peng, JianXin Li, Jia Wu, Ziwei Liu, Pengtao Xie, Caiming Xiong, Jian Pei, Philip S. Yu, Lichao Sun

This study provides a comprehensive review of recent research advancements, challenges, and opportunities for PFMs in text, image, graph, as well as other data modalities.

Graph Learning Language Modelling +1

ACTIVE: A Deep Model for Sperm and Impurity Detection in Microscopic Videos

no code implementations15 Jan 2023 Ao Chen, Jinghua Zhang, Md Mamunur Rahaman, Hongzan Sun, M. D., Tieyong Zeng, Marcin Grzegorzek, Feng-Lei Fan, Chen Li

The accurate detection of sperms and impurities is a very challenging task, facing problems such as the small size of targets, indefinite target morphologies, low contrast and resolution of the video, and similarity of sperms and impurities.

object-detection Object Detection

All in Tokens: Unifying Output Space of Visual Tasks via Soft Token

1 code implementation ICCV 2023 Jia Ning, Chen Li, Zheng Zhang, Zigang Geng, Qi Dai, Kun He, Han Hu

With these new techniques and other designs, we show that the proposed general-purpose task-solver can perform both instance segmentation and depth estimation well.

Instance Segmentation Monocular Depth Estimation +1

DETR Does Not Need Multi-Scale or Locality Design

1 code implementation ICCV 2023 Yutong Lin, Yuhui Yuan, Zheng Zhang, Chen Li, Nanning Zheng, Han Hu

This paper presents an improved DETR detector that maintains a "plain" nature: using a single-scale feature map and global cross-attention calculations without specific locality constraints, in contrast to previous leading DETR-based detectors that reintroduce architectural inductive biases of multi-scale and locality into the decoder.

Weak-Shot Object Detection Through Mutual Knowledge Transfer

no code implementations CVPR 2023 Xuanyi Du, Weitao Wan, Chong Sun, Chen Li

We propose a novel Knowledge Transfer (KT) loss which simultaneously distills the knowledge of objectness and class entropy from a proposal generator trained on the S dataset to optimize a multiple instance learning module on the T dataset.

Multiple Instance Learning Object +3

Unleashing the Potential of Spiking Neural Networks with Dynamic Confidence

no code implementations ICCV 2023 Chen Li, Edward G Jones, Steve Furber

In this regard, Dynamic Confidence represents a meaningful step toward realizing the potential of SNNs.

Decision Making

Robust and Fast Measure of Information via Low-rank Representation

1 code implementation30 Nov 2022 Yuxin Dong, Tieliang Gong, Shujian Yu, Hong Chen, Chen Li

The matrix-based R\'enyi's entropy allows us to directly quantify information measures from given data, without explicit estimation of the underlying probability distribution.

Computational Efficiency

A Knowledge-based Learning Framework for Self-supervised Pre-training Towards Enhanced Recognition of Biomedical Microscopy Images

1 code implementation27 Nov 2022 Wei Chen, Chen Li, Dan Chen, Xin Luo

Self-supervised pre-training has become the priory choice to establish reliable neural networks for automated recognition of massive biomedical microscopy images, which are routinely annotation-free, without semantics, and without guarantee of quality.

Contrastive Learning Image Restoration +2

Predictive Edge Caching through Deep Mining of Sequential Patterns in User Content Retrievals

no code implementations6 Oct 2022 Chen Li, Xiaoyu Wang, Tongyu Zong, Houwei Cao, Yong liu

Edge caching plays an increasingly important role in boosting user content retrieval performance while reducing redundant network traffic.

Retrieval

Quasi-supervised Learning for Super-resolution PET

1 code implementation3 Sep 2022 Guangtong Yang, Chen Li, YuDong Yao, Ge Wang, Yueyang Teng

In this paper, we propose a quasi-supervised learning method, which is a new type of weakly-supervised learning methods, to recover HR PET images from LR counterparts by leveraging similarity between unpaired LR and HR image patches.

Generative Adversarial Network Super-Resolution +1

A Multi-Channel Next POI Recommendation Framework with Multi-Granularity Check-in Signals

1 code implementation1 Sep 2022 Zhu Sun, Yu Lei, Lu Zhang, Chen Li, Yew-Soon Ong, Jie Zhang

Being equipped with three modules (i. e., global user behavior encoder, local multi-channel encoder, and region-aware weighting strategy), MCMG is capable of capturing both fine- and coarse-grained sequential regularities as well as exploring the dynamic impact of multi-channel by differentiating the region check-in patterns.

Segmentation of Weakly Visible Environmental Microorganism Images Using Pair-wise Deep Learning Features

no code implementations31 Aug 2022 Frank Kulwa, Chen Li, Marcin Grzegorzek, Md Mamunur Rahaman, Kimiaki Shirahama, Sergey Kosov

The use of PDLFs enables the network to focus more on the foreground (EMs) by concatenating the pairwise deep learning features of each image to different blocks of the base model SegNet.

Specificity

An Energy Activity Dataset for Smart Homes

no code implementations29 Aug 2022 Chen Li

The proposed energy activity dataset (EAD) has a high data type diversity in contrast to existing load monitoring datasets.

Miscellaneous Optical Character Recognition +1

Artificial Neural Networks for Finger Vein Recognition: A Survey

no code implementations29 Aug 2022 Yimin Yin, Renye Zhang, PengFei Liu, Wanxia Deng, Siliang He, Chen Li, Jinghua Zhang

To our best knowledge, this paper is the first comprehensive survey focusing on finger vein recognition based on artificial neural networks.

Feature Engineering Finger Vein Recognition

Simulation of snakes using vertical body bending to traverse terrain with large height variation

no code implementations26 Jul 2022 Yifeng Zhang, Qihan Xuan, Qiyuan Fu, Chen Li

Remarkably, even when frictional drag is low (snake-terrain kinetic friction coefficient of 0. 20), the body must push against the wedge with a pressure 5 times that from body weight to generate sufficient forward propulsion to move forward.

Friction

Deep Learning for Finger Vein Recognition: A Brief Survey of Recent Trend

no code implementations5 Jul 2022 Renye Zhang, Yimin Yin, Wanxia Deng, Chen Li, Jinghua Zhang

Finger vein image recognition technology plays an important role in biometric recognition and has been successfully applied in many fields.

Finger Vein Recognition

Adaptive Weighted Nonnegative Matrix Factorization for Robust Feature Representation

1 code implementation7 Jun 2022 Tingting Shen, Junhang Li, Can Tong, Qiang He, Chen Li, YuDong Yao, Yueyang Teng

Nonnegative matrix factorization (NMF) has been widely used to dimensionality reduction in machine learning.

Dimensionality Reduction

A Transistor Operations Model for Deep Learning Energy Consumption Scaling Law

no code implementations30 May 2022 Chen Li, Antonios Tsourdos, Weisi Guo

At a general computational energy model level, there is both strong dependency to both the hardware architecture (e. g. generic processors with different configuration of inner components- CPU and GPU, programmable integrated circuits - FPGA), as well as different interacting energy consumption aspects (e. g., data movement, calculation, control).

A Comparative Study of Gastric Histopathology Sub-size Image Classification: from Linear Regression to Visual Transformer

no code implementations25 May 2022 Weiming Hu, HaoYuan Chen, Wanli Liu, Xiaoyan Li, Hongzan Sun, Xinyu Huang, Marcin Grzegorzek, Chen Li

Ensemble learning is a way to improve the accuracy of algorithms, and finding multiple learning models with complementarity types is the basis of ensemble learning.

BIG-bench Machine Learning Ensemble Learning +2

Optimal Randomized Approximations for Matrix based Renyi's Entropy

no code implementations16 May 2022 Yuxin Dong, Tieliang Gong, Shujian Yu, Chen Li

The Matrix-based Renyi's entropy enables us to directly measure information quantities from given data without the costly probability density estimation of underlying distributions, thus has been widely adopted in numerous statistical learning and inference tasks.

Density Estimation

MuCGEC: a Multi-Reference Multi-Source Evaluation Dataset for Chinese Grammatical Error Correction

2 code implementations NAACL 2022 Yue Zhang, Zhenghua Li, Zuyi Bao, Jiacheng Li, Bo Zhang, Chen Li, Fei Huang, Min Zhang

This paper presents MuCGEC, a multi-reference multi-source evaluation dataset for Chinese Grammatical Error Correction (CGEC), consisting of 7, 063 sentences collected from three Chinese-as-a-Second-Language (CSL) learner sources.

Grammatical Error Correction Sentence

Application of Transfer Learning and Ensemble Learning in Image-level Classification for Breast Histopathology

no code implementations18 Apr 2022 Yuchao Zheng, Chen Li, Xiaomin Zhou, HaoYuan Chen, Hao Xu, Yixin Li, Haiqing Zhang, Xiaoyan Li, Hongzan Sun, Xinyu Huang, Marcin Grzegorzek

Method: This paper proposes a deep ensemble model based on image-level labels for the binary classification of benign and malignant lesions of breast histopathological images.

Binary Classification Classification +4

Subspace Nonnegative Matrix Factorization for Feature Representation

1 code implementation18 Apr 2022 Junhang Li, Jiao Wei, Can Tong, Tingting Shen, Yuchen Liu, Chen Li, Shouliang Qi, YuDong Yao, Yueyang Teng

Traditional nonnegative matrix factorization (NMF) learns a new feature representation on the whole data space, which means treating all features equally.

Towards Domain Generalization in Object Detection

no code implementations27 Mar 2022 Xingxuan Zhang, Zekai Xu, Renzhe Xu, Jiashuo Liu, Peng Cui, Weitao Wan, Chong Sun, Chen Li

Despite the striking performance achieved by modern detectors when training and test data are sampled from the same or similar distribution, the generalization ability of detectors under unknown distribution shifts remains hardly studied.

Domain Generalization Object +2

A Comprehensive Survey with Quantitative Comparison of Image Analysis Methods for Microorganism Biovolume Measurements

no code implementations18 Feb 2022 Jiawei Zhang, Chen Li, Md Mamunur Rahaman, YuDong Yao, Pingli Ma, Jinghua Zhang, Xin Zhao, Tao Jiang, Marcin Grzegorzek

This study has high research significance and application value, which can be referred to microbial researchers to have a comprehensive understanding of microorganism biovolume measurements using digital image analysis methods and potential applications.

Image Segmentation Semantic Segmentation

A Survey of Semen Quality Evaluation in Microscopic Videos Using Computer Assisted Sperm Analysis

no code implementations16 Feb 2022 Wenwei Zhao, Pingli Ma, Chen Li, Xiaoning Bu, Shuojia Zou, Tao Jiang, Marcin Grzegorzek

The various works related to Computer Assisted Sperm Analysis methods in the last 30 years (since 1988) are comprehensively introduced and analysed in this survey.

object-detection Object Detection

A State-of-the-art Survey of U-Net in Microscopic Image Analysis: from Simple Usage to Structure Mortification

no code implementations14 Feb 2022 Jian Wu, Wanli Liu, Chen Li, Tao Jiang, Islam Mohammad Shariful, Hongzan Sun, Xiaoqi Li, Xintong Li, Xinyu Huang, Marcin Grzegorzek

Image analysis technology is used to solve the inadvertences of artificial traditional methods in disease, wastewater treatment, environmental change monitoring analysis and convolutional neural networks (CNN) play an important role in microscopic image analysis.

Image Segmentation Segmentation +1

What Can Machine Vision Do for Lymphatic Histopathology Image Analysis: A Comprehensive Review

no code implementations21 Jan 2022 Xiaoqi Li, HaoYuan Chen, Chen Li, Md Mamunur Rahaman, Xintong Li, Jian Wu, Xiaoyan Li, Hongzan Sun, Marcin Grzegorzek

In the past ten years, the computing power of machine vision (MV) has been continuously improved, and image analysis algorithms have developed rapidly.

DLFormer: Discrete Latent Transformer for Video Inpainting

no code implementations CVPR 2022 Jingjing Ren, Qingqing Zheng, YuanYuan Zhao, Xuemiao Xu, Chen Li

Video inpainting remains a challenging problem to fill with plausible and coherent content in unknown areas in video frames despite the prevalence of data-driven methods.

Video Inpainting

Computing Wasserstein-p Distance Between Images With Linear Cost

1 code implementation CVPR 2022 Yidong Chen, Chen Li, Zhonghua Lu

In this paper, we propose a novel algorithm to compute the Wasserstein-p distance between discrete measures by restricting the optimal transport (OT) problem on a subset.

Distribution Consistent Neural Architecture Search

no code implementations CVPR 2022 Junyi Pan, Chong Sun, Yizhou Zhou, Ying Zhang, Chen Li

We first theoretically investigate how the weight coupling problem affects the network searching performance from a parameter distribution perspective, and then propose a novel supernet training strategy with a Distribution Consistent Constraint that can provide a good measurement for the extent to which two architectures can share weights.

Neural Architecture Search

Bayesian neural network priors for edge-preserving inversion

no code implementations20 Dec 2021 Chen Li, Matthew Dunlop, Georg Stadler

We consider Bayesian inverse problems wherein the unknown state is assumed to be a function with discontinuous structure a priori.

Markov subsampling based Huber Criterion

no code implementations12 Dec 2021 Tieliang Gong, Yuxin Dong, Hong Chen, Bo Dong, Chen Li

Subsampling is an important technique to tackle the computational challenges brought by big data.

Regularized Modal Regression on Markov-dependent Observations: A Theoretical Assessment

no code implementations9 Dec 2021 Tielang Gong, Yuxin Dong, Hong Chen, Bo Dong, Wei Feng, Chen Li

Our results show that the Markov dependence impacts on the generalization error in the way that sample size would be discounted by a multiplicative factor depending on the spectral gap of underlying Markov chain.

Learning Theory regression

Meta Mask Correction for Nuclei Segmentation in Histopathological Image

no code implementations24 Nov 2021 Jiangbo Shi, Chang Jia, Zeyu Gao, Tieliang Gong, Chunbao Wang, Chen Li

However, the development of such an automated method requires a large amount of data with precisely annotated masks which is hard to obtain.

Meta-Learning Nuclear Segmentation +1

Coarse-to-fine Animal Pose and Shape Estimation

1 code implementation NeurIPS 2021 Chen Li, Gim Hee Lee

Most existing animal pose and shape estimation approaches reconstruct animal meshes with a parametric SMAL model.

PIMIP: An Open Source Platform for Pathology Information Management and Integration

no code implementations9 Nov 2021 Jialun Wu, Anyu Mao, Xinrui Bao, Haichuan Zhang, Zeyu Gao, Chunbao Wang, Tieliang Gong, Chen Li

However, there is still a lack of an open and universal digital pathology platform to assist doctors in the management and analysis of digital pathological sections, as well as the management and structured description of relevant patient information.

Management

A Precision Diagnostic Framework of Renal Cell Carcinoma on Whole-Slide Images using Deep Learning

no code implementations26 Oct 2021 Jialun Wu, Haichuan Zhang, Zeyu Gao, Xinrui Bao, Tieliang Gong, Chunbao Wang, Chen Li

Tumor region detection, subtype and grade classification are the fundamental diagnostic indicators for renal cell carcinoma (RCC) in whole-slide images (WSIs).

Classification whole slide images

A Personalized Diagnostic Generation Framework Based on Multi-source Heterogeneous Data

no code implementations26 Oct 2021 Jialun Wu, Zeyu Gao, Haichuan Zhang, Ruonan Zhang, Tieliang Gong, Chunbao Wang, Chen Li

In this study, we propose a framework that combines pathological images and medical reports to generate a personalized diagnosis result for individual patient.

Descriptive whole slide images

W-Net: A Two-Stage Convolutional Network for Nucleus Detection in Histopathology Image

no code implementations26 Oct 2021 Anyu Mao, Jialun Wu, Xinrui Bao, Zeyu Gao, Tieliang Gong, Chen Li

In order to take advantage of segmentation methods based on point annotation, further alleviate the manual workload, and make cancer diagnosis more efficient and accurate, it is necessary to develop an automatic nucleus detection algorithm, which can automatically and efficiently locate the position of the nucleus in the pathological image and extract valuable information for pathologists.

Cell Detection Segmentation

BioIE: Biomedical Information Extraction with Multi-head Attention Enhanced Graph Convolutional Network

no code implementations26 Oct 2021 Jialun Wu, Yang Liu, Zeyu Gao, Tieliang Gong, Chunbao Wang, Chen Li

To address this issue, we propose Biomedical Information Extraction, a hybrid neural network to extract relations from biomedical text and unstructured medical reports.

Knowledge Graphs Relation +1

Entity Relation Extraction as Dependency Parsing in Visually Rich Documents

no code implementations EMNLP 2021 Yue Zhang, Bo Zhang, Rui Wang, Junjie Cao, Chen Li, Zuyi Bao

Previous works on key information extraction from visually rich documents (VRDs) mainly focus on labeling the text within each bounding box (i. e., semantic entity), while the relations in-between are largely unexplored.

Dependency Parsing Entity Linking +3

EMDS-7: Environmental Microorganism Image Dataset Seventh Version for Multiple Object Detection Evaluation

no code implementations11 Oct 2021 Hechen Yang, Chen Li, Xin Zhao, Bencheng Cai, Jiawei Zhang, Pingli Ma, Peng Zhao, Ao Chen, Hongzan Sun, Yueyang Teng, Shouliang Qi, Tao Jiang, Marcin Grzegorzek

The Environmental Microorganism Image Dataset Seventh Version (EMDS-7) is a microscopic image data set, including the original Environmental Microorganism images (EMs) and the corresponding object labeling files in ". XML" format file.

Object object-detection +1

Scarce Data Driven Deep Learning of Drones via Generalized Data Distribution Space

no code implementations18 Aug 2021 Chen Li, Schyler C. Sun, Zhuangkun Wei, Antonios Tsourdos, Weisi Guo

We believe that this approach of exploiting general data distribution knowledge form neural networks can be applied to a wide range of scarce data open challenges.

Data Augmentation Generative Adversarial Network +2

Adaptive Affinity Loss and Erroneous Pseudo-Label Refinement for Weakly Supervised Semantic Segmentation

no code implementations3 Aug 2021 Xiangrong Zhang, Zelin Peng, Peng Zhu, Tianyang Zhang, Chen Li, Huiyu Zhou, Licheng Jiao

Semantic segmentation has been continuously investigated in the last ten years, and majority of the established technologies are based on supervised models.

Pseudo Label Segmentation +2

Semantic Attention and Scale Complementary Network for Instance Segmentation in Remote Sensing Images

no code implementations25 Jul 2021 Tianyang Zhang, Xiangrong Zhang, Peng Zhu, Xu Tang, Chen Li, Licheng Jiao, Huiyu Zhou

To address the above problems, we propose an end-to-end multi-category instance segmentation model, namely Semantic Attention and Scale Complementary Network, which mainly consists of a Semantic Attention (SEA) module and a Scale Complementary Mask Branch (SCMB).

Instance Segmentation Segmentation +1

Package Recommendation with Intra- and Inter-Package Attention Networks

3 code implementations SIGIR 2021 Chen Li, Yuanfu Lu, Wei Wang

With the booming of online social networks in the mobile internet, an emerging recommendation scenario has played a vital role in information acquisition for user, where users are no longer recommended with a single item or item list, but a combination of heterogeneous and diverse objects (called a package, e. g., a package including news, publisher, and friends viewing the news).

Recommendation Systems

Exploiting Negative Learning for Implicit Pseudo Label Rectification in Source-Free Domain Adaptive Semantic Segmentation

no code implementations23 Jun 2021 Xin Luo, Wei Chen, Yusong Tan, Chen Li, Yulin He, Xiaogang Jia

It is desirable to transfer the knowledge stored in a well-trained source model onto non-annotated target domain in the absence of source data.

Pseudo Label Segmentation +2

A Comparison for Patch-level Classification of Deep Learning Methods on Transparent Environmental Microorganism Images: from Convolutional Neural Networks to Visual Transformers

no code implementations22 Jun 2021 Hechen Yang, Chen Li, Jinghua Zhang, Peng Zhao, Ao Chen, Xin Zhao, Tao Jiang, Marcin Grzegorzek

We conclude that ViT performs the worst in classifying 8 * 8 pixel patches, but it outperforms most convolutional neural networks in classifying 224 * 224 pixel patches.

Towards interpreting computer vision based on transformation invariant optimization

no code implementations18 Jun 2021 Chen Li, JinZhe Jiang, Xin Zhang, Tonghuan Zhang, YaQian Zhao, Dongdong Jiang, RenGang Li

Interpreting how does deep neural networks (DNNs) make predictions is a vital field in artificial intelligence, which hinders wide applications of DNNs.

GasHisSDB: A New Gastric Histopathology Image Dataset for Computer Aided Diagnosis of Gastric Cancer

1 code implementation4 Jun 2021 Weiming Hu, Chen Li, Xiaoyan Li, Md Mamunur Rahaman, Jiquan Ma, Yong Zhang, HaoYuan Chen, Wanli Liu, Changhao Sun, YuDong Yao, Hongzan Sun, Marcin Grzegorzek

In order to prove that the methods of different periods in the field of image classification have discrepancies on GasHisSDB, we select a variety of classifiers for evaluation.

BIG-bench Machine Learning Image Classification +1

A Comparison for Anti-noise Robustness of Deep Learning Classification Methods on a Tiny Object Image Dataset: from Convolutional Neural Network to Visual Transformer and Performer

no code implementations3 Jun 2021 Ao Chen, Chen Li, HaoYuan Chen, Hechen Yang, Peng Zhao, Weiming Hu, Wanli Liu, Shuojia Zou, Marcin Grzegorzek

In this paper, we first briefly review the development of Convolutional Neural Network and Visual Transformer in deep learning, and introduce the sources and development of conventional noises and adversarial attacks.

Classification Image Classification

A State-of-the-art Survey of Object Detection Techniques in Microorganism Image Analysis: From Classical Methods to Deep Learning Approaches

no code implementations7 May 2021 Pingli Ma, Chen Li, Md Mamunur Rahaman, YuDong Yao, Jiawei Zhang, Shuojia Zou, Xin Zhao, Marcin Grzegorzek

In this review, first, we analyse the existing microorganism detection methods in chronological order, from traditional image processing and traditional machine learning to deep learning methods.

object-detection Object Detection

GasHis-Transformer: A Multi-scale Visual Transformer Approach for Gastric Histopathological Image Detection

no code implementations29 Apr 2021 HaoYuan Chen, Chen Li, Ge Wang, Xiaoyan Li, Md Rahaman, Hongzan Sun, Weiming Hu, Yixin Li, Wanli Liu, Changhao Sun, Shiliang Ai, Marcin Grzegorzek

In this paper, a multi-scale visual transformer model, referred as GasHis-Transformer, is proposed for Gastric Histopathological Image Detection (GHID), which enables the automatic global detection of gastric cancer images.

Adversarial Attack General Classification +3

From Synthetic to Real: Unsupervised Domain Adaptation for Animal Pose Estimation

1 code implementation CVPR 2021 Chen Li, Gim Hee Lee

Existing works circumvent this problem with pseudo labels generated from data of other easily accessible domains such as synthetic data.

Animal Pose Estimation Pseudo Label +1

NaturalConv: A Chinese Dialogue Dataset Towards Multi-turn Topic-driven Conversation

no code implementations3 Mar 2021 Xiaoyang Wang, Chen Li, Jianqiao Zhao, Dong Yu

To facilitate the research on this corpus, we provide results of several benchmark models.

Genetic Algorithm based hyper-parameters optimization for transfer Convolutional Neural Network

no code implementations26 Feb 2021 Chen Li, JinZhe Jiang, YaQian Zhao, RenGang Li, EnDong Wang, Xin Zhang, Kun Zhao

Decision of transfer layers and trainable layers is a major task for design of the transfer convolutional neural networks (CNN).

Hyperparameter Optimization

A New Pairwise Deep Learning Feature For Environmental Microorganism Image Analysis

no code implementations24 Feb 2021 Frank Kulwa, Chen Li, Jinghua Zhang, Kimiaki Shirahama, Sergey Kosov, Xin Zhao, Hongzan Sun, Tao Jiang, Marcin Grzegorzek

In order to fasten, low the cost, increase consistency and accuracy of identification, we propose the novel pairwise deep learning features to analyze microorganisms.

Specificity

DeepCervix: A Deep Learning-based Framework for the Classification of Cervical Cells Using Hybrid Deep Feature Fusion Techniques

no code implementations24 Feb 2021 Md Mamunur Rahaman, Chen Li, YuDong Yao, Frank Kulwa, Xiangchen Wu, Xiaoyan Li, Qian Wang

Pap smear test is a widely performed screening technique for early detection of cervical cancer, whereas this manual screening method suffers from high false-positive results because of human errors.

Cell Segmentation Classification +1

Cocktail Edge Caching: Ride Dynamic Trends of Content Popularity with Ensemble Learning

no code implementations14 Jan 2021 Tongyu Zong, Chen Li, Yuanyuan Lei, Guangyu Li, Houwei Cao, Yong liu

In this paper, we propose Cocktail Edge Caching, that tackles the dynamic popularity and heterogeneity through ensemble learning.

Ensemble Learning Time Series +1

Transformers satisfy

no code implementations1 Jan 2021 Feng Shi, Chen Li, Shijie Bian, Yiqiao Jin, Ziheng Xu, Tian Han, Song-Chun Zhu

The Propositional Satisfiability Problem (SAT), and more generally, the Constraint Satisfaction Problem (CSP), are mathematical questions defined as finding an assignment to a set of objects that satisfies a series of constraints.

Generating Sports News from Live Commentary: A Chinese Dataset for Sports Game Summarization

1 code implementation Asian Chapter of the Association for Computational Linguistics 2020 Kuan-Hao Huang, Chen Li, Kai-Wei Chang

To deeply study this task, we present SportsSum, a Chinese sports game summarization dataset which contains 5, 428 soccer games of live commentaries and the corresponding news articles.

Automatic Summarization of Open-Domain Podcast Episodes

no code implementations9 Nov 2020 Kaiqiang Song, Chen Li, Xiaoyang Wang, Dong Yu, Fei Liu

Instead, we investigate several less-studied aspects of neural abstractive summarization, including (i) the importance of selecting important segments from transcripts to serve as input to the summarizer; (ii) striking a balance between the amount and quality of training instances; (iii) the appropriate summary length and start/end points.

Abstractive Text Summarization

The study of multi-peaked type-I X-ray bursts in the neutron-star low mass X-ray binary 4U 1636$-$536 with RXTE

no code implementations5 Nov 2020 Chen Li, Guobao Zhang, Mariano Méndez, Jiancheng Wang, Ming Lyu

This indicates that the double-peaked structure in the light curve of the bursts may be affected by enhanced accretion rate in the disc, or increased temperature of the neutron star.

High Energy Astrophysical Phenomena

Chunk-based Chinese Spelling Check with Global Optimization

no code implementations Findings of the Association for Computational Linguistics 2020 Zuyi Bao, Chen Li, Rui Wang

Chinese spelling check is a challenging task due to the characteristics of the Chinese language, such as the large character set, no word boundary, and short word length.

Optical Character Recognition Optical Character Recognition (OCR) +1

A Comprehensive Review for MRF and CRF Approaches in Pathology Image Analysis

no code implementations29 Sep 2020 Yixin Li, Chen Li, Xiaoyan Li, Kai Wang, Md Mamunur Rahaman, Changhao Sun, Hao Chen, Xinran Wu, Hong Zhang, Qian Wang

In this review, we present a comprehensive overview of pathology image analysis based on the markov random fields (MRFs) and conditional random fields (CRFs), which are two popular random field models.

Weakly Supervised Generative Network for Multiple 3D Human Pose Hypotheses

1 code implementation13 Aug 2020 Chen Li, Gim Hee Lee

In this paper, we propose a weakly supervised deep generative network to address the inverse problem and circumvent the need for ground truth 2D-to-3D correspondences.

Multi-Hypotheses 3D Human Pose Estimation

Renal Cell Carcinoma Detection and Subtyping with Minimal Point-Based Annotation in Whole-Slide Images

1 code implementation12 Aug 2020 Zeyu Gao, Pargorn Puttapirat, Jiangbo Shi, Chen Li

Semi-supervised learning (SSL) is an effective way to utilize unlabeled data and alleviate the need for labeled data.

whole slide images

Graph Neural News Recommendation with Unsupervised Preference Disentanglement

1 code implementation ACL 2020 Linmei Hu, Siyong Xu, Chen Li, Cheng Yang, Chuan Shi, Nan Duan, Xing Xie, Ming Zhou

Furthermore, the learned representations are disentangled with latent preference factors by a neighborhood routing algorithm, which can enhance expressiveness and interpretability.

Disentanglement News Recommendation

Heuristic Semi-Supervised Learning for Graph Generation Inspired by Electoral College

1 code implementation10 Jun 2020 Chen Li, Xutan Peng, Hao Peng, Jian-Xin Li, Lihong Wang, Philip S. Yu, Lifang He

Recently, graph-based algorithms have drawn much attention because of their impressive success in semi-supervised setups.

Graph Attention Graph Generation

Scalable Partial Explainability in Neural Networks via Flexible Activation Functions

no code implementations10 Jun 2020 Schyler C. Sun, Chen Li, Zhuangkun Wei, Antonios Tsourdos, Weisi Guo

In this paper, we achieve partially explainable learning model by symbolically explaining the role of activation functions (AF) under a scalable topology.

Binary Classification Gaussian Processes

Generalization Study of Quantum Neural Network

no code implementations2 Jun 2020 JinZhe Jiang, Xin Zhang, Chen Li, YaQian Zhao, RenGang Li

In this model, we mapped the feature data to a quantum state in Hilbert space firstly, and then implement unitary evolution on it, in the end, we can get the classification result by im-plement measurement on the quantum state.

Riemannian Proximal Policy Optimization

no code implementations19 May 2020 Shijun Wang, Baocheng Zhu, Chen Li, Mingzhe Wu, James Zhang, Wei Chu, Yuan Qi

In this paper, We propose a general Riemannian proximal optimization algorithm with guaranteed convergence to solve Markov decision process (MDP) problems.

Understanding Linearity of Cross-Lingual Word Embedding Mappings

1 code implementation2 Apr 2020 Xutan Peng, Mark Stevenson, Chenghua Lin, Chen Li

The technique of Cross-Lingual Word Embedding (CLWE) plays a fundamental role in tackling Natural Language Processing challenges for low-resource languages.

Representation Learning Word Embeddings

Foldover Features for Dynamic Object Behavior Description in Microscopic Videos

no code implementations19 Mar 2020 Xialin Li, Chen Li, Wenwei Zhao

Behavior description is conducive to the analysis of tiny objects, similar objects, objects with weak visual information and objects with similar visual information, playing a fundamental role in the identification and classification of dynamic objects in microscopic videos.

General Classification

A Multi-scale CNN-CRF Framework for Environmental Microorganism Image Segmentation

no code implementations8 Mar 2020 Jinghua Zhang, Chen Li, Frank Kulwa, Xin Zhao, Changhao Sun, Zihan Li, Tao Jiang, Hong Li

In order to assist researchers to identify Environmental Microorganisms (EMs) effectively, a Multi-scale CNN-CRF (MSCC) framework for the EM image segmentation is proposed in this paper.

Image Segmentation Segmentation +1

Gastric histopathology image segmentation using a hierarchical conditional random field

no code implementations3 Mar 2020 Changhao Sun, Chen Li, Jinghua Zhang, Muhammad Rahaman, Shiliang Ai, Hao Chen, Frank Kulwa, Yixin Li, Xiaoyan Li, Tao Jiang

This HCRF model is built up with higher order potentials, including pixel-level and patch-level potentials, and graph-based post-processing is applied to further improve its segmentation performance.

Image Segmentation Segmentation +2

OpenHI2 -- Open source histopathological image platform

no code implementations15 Jan 2020 Pargorn Puttapirat, Haichuan Zhang, Jingyi Deng, Yuxin Dong, Jiangbo Shi, Hongyu He, Zeyu Gao, Chunbao Wang, Xiangrong Zhang, Chen Li

Transition from conventional to digital pathology requires a new category of biomedical informatic infrastructure which could facilitate delicate pathological routine.

Cloud Computing

Graph Neural News Recommendation with Long-term and Short-term Interest Modeling

no code implementations30 Oct 2019 Linmei Hu, Chen Li, Chuan Shi, Cheng Yang, Chao Shao

Existing methods on news recommendation mainly include collaborative filtering methods which rely on direct user-item interactions and content based methods which characterize the content of user reading history.

Collaborative Filtering News Recommendation +1

Low-Resource Sequence Labeling via Unsupervised Multilingual Contextualized Representations

1 code implementation IJCNLP 2019 Zuyi Bao, Rui Huang, Chen Li, Kenny Q. Zhu

Previous work on cross-lingual sequence labeling tasks either requires parallel data or bridges the two languages through word-byword matching.

Language Modelling NER +1

Multi-Document Summarization with Determinantal Point Processes and Contextualized Representations

no code implementations WS 2019 Sangwoo Cho, Chen Li, Dong Yu, Hassan Foroosh, Fei Liu

Emerged as one of the best performing techniques for extractive summarization, determinantal point processes select the most probable set of sentences to form a summary according to a probability measure defined by modeling sentence prominence and pairwise repulsion.

Document Summarization Extractive Summarization +3

Context-aware Attention Model for Coreference Resolution

no code implementations25 Sep 2019 Yufei Li, Xiangyu Zhou, Jie Ma, Yu Long, Xuan Wang, Chen Li

Coreference resolution is an important task for gaining more complete understanding about texts by artificial intelligence.

coreference-resolution

Extracting Kinship from Obituary to Enhance Electronic Health Records for Genetic Research

no code implementations WS 2019 Kai He, Jialun Wu, Xiaoyong Ma, Chong Zhang, Ming Huang, Chen Li, Lixia Yao

Claims database and electronic health records database do not usually capture kinship or family relationship information, which is imperative for genetic research.

named-entity-recognition Named Entity Recognition +2

BIGPATENT: A Large-Scale Dataset for Abstractive and Coherent Summarization

no code implementations ACL 2019 Eva Sharma, Chen Li, Lu Wang

Most existing text summarization datasets are compiled from the news domain, where summaries have a flattened discourse structure.

Text Summarization

Viewport Proposal CNN for 360deg Video Quality Assessment

1 code implementation CVPR 2019 Chen Li, Mai Xu, Lai Jiang, Shanyi Zhang, Xiaoming Tao

In the second stage, a viewport quality network (VQ-net) is designed to rate the VQA score for each proposed viewport, in which the saliency map of the viewport is predicted and then utilized in VQA score rating.

Saliency Prediction Video Quality Assessment +1

Modeling relation paths for knowledge base completion via joint adversarial training

1 code implementation14 Oct 2018 Chen Li, Xutan Peng, Shanghang Zhang, Hao Peng, Philip S. Yu, Min He, Linfeng Du, Lihong Wang

By treating relations and multi-hop paths as two different input sources, we use a feature extractor, which is shared by two downstream components (i. e. relation classifier and source discriminator), to capture shared/similar information between them.

Knowledge Base Completion Relation

A Lightweight Music Texture Transfer System

1 code implementation arXiv preprint 2018 Xutan Peng, Chen Li, Zhi Cai, Faqiang Shi, Yidan Liu, JianXin Li

In this paper, we initiate a novel system for transferring the texture of music, and release it as an open source project.

Music Texture Transfer

Adversarial Examples: Opportunities and Challenges

no code implementations13 Sep 2018 Jiliang Zhang, Chen Li

Deep neural networks (DNNs) have shown huge superiority over humans in image recognition, speech processing, autonomous vehicles and medical diagnosis.

Autonomous Vehicles Medical Diagnosis

Bridge the Gap Between VQA and Human Behavior on Omnidirectional Video: A Large-Scale Dataset and a Deep Learning Model

1 code implementation29 Jul 2018 Chen Li, Mai Xu, Xinzhe Du, Zulin Wang

To fill in the gap between subjective quality and human behavior, this paper proposes a large-scale visual quality assessment (VQA) dataset of omnidirectional video, called VQA-OV, which collects 60 reference sequences and 540 impaired sequences.

Visual Question Answering (VQA)

A Hybrid System for Chinese Grammatical Error Diagnosis and Correction

no code implementations WS 2018 Chen Li, Junpei Zhou, Zuyi Bao, Hengyou Liu, Guangwei Xu, Linlin Li

In the correction stage, candidates were generated by the three GEC models and then merged to output the final corrections for M and S types.

Grammatical Error Correction TAG

Learning the Kernel for Classification and Regression

no code implementations22 Dec 2017 Chen Li, Luca Venturi, Ruitu Xu

We investigate a series of learning kernel problems with polynomial combinations of base kernels, which will help us solve regression and classification problems.

Classification General Classification +1

Robust Keyframe-based Dense SLAM with an RGB-D Camera

8 code implementations14 Nov 2017 Hao-Min Liu, Chen Li, Guojun Chen, Guofeng Zhang, Michael Kaess, Hujun Bao

In this paper, we present RKD-SLAM, a robust keyframe-based dense SLAM approach for an RGB-D camera that can robustly handle fast motion and dense loop closure, and run without time limitation in a moderate size scene.

Radiometric Calibration From Faces in Images

no code implementations CVPR 2017 Chen Li, Stephen Lin, Kun Zhou, Katsushi Ikeuchi

We present a method for radiometric calibration of cameras from a single image that contains a human face.

Specular Highlight Removal in Facial Images

no code implementations CVPR 2017 Chen Li, Stephen Lin, Kun Zhou, Katsushi Ikeuchi

An important practical feature of the proposed method is that the skin color model is utilized in a way that does not require color calibration of the camera.

highlight removal

A Joint Framework for Argumentative Text Analysis Incorporating Domain Knowledge

no code implementations19 Jan 2017 Zhongyu Wei, Chen Li, Yang Liu

For argumentation mining, there are several sub-tasks such as argumentation component type classification, relation classification.

General Classification Relation +1

Bayesian Depth-from-Defocus with Shading Constraints

no code implementations CVPR 2013 Chen Li, Shuochen Su, Yasuyuki Matsushita, Kun Zhou, Stephen Lin

We present a method that enhances the performance of depth-from-defocus (DFD) through the use of shading information.

Depth Estimation

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