Search Results for author: Xu Wang

Found 80 papers, 22 papers with code

Semi-Instruct: Bridging Natural-Instruct and Self-Instruct for Code Large Language Models

no code implementations1 Mar 2024 Xianzhen Luo, Qingfu Zhu, Zhiming Zhang, Xu Wang, Qing Yang, Dongliang Xu, Wanxiang Che

Presently, two dominant paradigms for collecting tuning data are natural-instruct (human-written) and self-instruct (automatically generated).

Program Synthesis

Decentralized Federated Unlearning on Blockchain

no code implementations26 Feb 2024 Xiao Liu, Mingyuan Li, Xu Wang, Guangsheng Yu, Wei Ni, Lixiang Li, Haipeng Peng, Renping Liu

To address this, we propose Blockchained Federated Unlearning (BlockFUL), a generic framework that redesigns the blockchain structure using Chameleon Hash (CH) technology to mitigate the complexity of model updating, thereby reducing the computational and consensus costs of unlearning tasks. Furthermore, BlockFUL supports various federated unlearning methods, ensuring the integrity and traceability of model updates, whether conducted in parallel or serial.

Federated Learning

MultiPoT: Multilingual Program of Thoughts Harnesses Multiple Programming Languages

no code implementations16 Feb 2024 Xianzhen Luo, Qingfu Zhu, Zhiming Zhang, Libo Qin, Xu Wang, Qing Yang, Dongliang Xu, Wanxiang Che

In this paper, we conduct comprehensive experiments on the programming languages used in PoT and find that no single language consistently delivers optimal performance across all tasks and models.

3DPFIX: Improving Remote Novices' 3D Printing Troubleshooting through Human-AI Collaboration

no code implementations29 Jan 2024 Nahyun Kwon, Tong Sun, Yuyang Gao, Liang Zhao, Xu Wang, Jeeeun Kim, Sungsoo Ray Hong

While troubleshooting plays an essential part of 3D printing, the process remains challenging for many remote novices even with the help of well-developed online sources, such as online troubleshooting archives and online community help.

A Survey on Data Augmentation in Large Model Era

1 code implementation27 Jan 2024 Yue Zhou, Chenlu Guo, Xu Wang, Yi Chang, Yuan Wu

Leveraging large models, these data augmentation techniques have outperformed traditional approaches.

Audio Signal Processing Image Augmentation +1

PepGB: Facilitating peptide drug discovery via graph neural networks

no code implementations26 Jan 2024 Yipin Lei, Xu Wang, Meng Fang, Han Li, Xiang Li, Jianyang Zeng

In summary, our proposed frameworks can serve as potent tools to facilitate peptide early drug discovery.

Contrastive Learning Drug Discovery

On Robust Wasserstein Barycenter: The Model and Algorithm

no code implementations25 Dec 2023 Xu Wang, Jiawei Huang, Qingyuan Yang, Jinpeng Zhang

Firstly, we improve efficiency through model reducing; we reduce RWB as an augmented Wasserstein barycenter problem, which works for both fixed-RWB and free-RWB.

Computational Efficiency Data Compression

Weakly-Supervised 3D Visual Grounding based on Visual Linguistic Alignment

no code implementations15 Dec 2023 Xiaoxu Xu, Yitian Yuan, Qiudan Zhang, Wenhui Wu, Zequn Jie, Lin Ma, Xu Wang

During the inference stage, the learned text-3D correspondence will help us ground the text queries to the 3D target objects even without 2D images.

Natural Language Queries Scene Understanding +1

Rankitect: Ranking Architecture Search Battling World-class Engineers at Meta Scale

no code implementations14 Nov 2023 Wei Wen, Kuang-Hung Liu, Igor Fedorov, Xin Zhang, Hang Yin, Weiwei Chu, Kaveh Hassani, Mengying Sun, Jiang Liu, Xu Wang, Lin Jiang, Yuxin Chen, Buyun Zhang, Xi Liu, Dehua Cheng, Zhengxing Chen, Guang Zhao, Fangqiu Han, Jiyan Yang, Yuchen Hao, Liang Xiong, Wen-Yen Chen

In industry system, such as ranking system in Meta, it is unclear whether NAS algorithms from the literature can outperform production baselines because of: (1) scale - Meta ranking systems serve billions of users, (2) strong baselines - the baselines are production models optimized by hundreds to thousands of world-class engineers for years since the rise of deep learning, (3) dynamic baselines - engineers may have established new and stronger baselines during NAS search, and (4) efficiency - the search pipeline must yield results quickly in alignment with the productionization life cycle.

Neural Architecture Search

Expanding the Vocabulary of BERT for Knowledge Base Construction

1 code implementation12 Oct 2023 Dong Yang, Xu Wang, Remzi Celebi

To address this, we present Vocabulary Expandable BERT for knowledge base construction, which expand the language model's vocabulary while preserving semantic embeddings for newly added words.

Knowledge Base Population Language Modelling +3

PhotoVerse: Tuning-Free Image Customization with Text-to-Image Diffusion Models

no code implementations11 Sep 2023 Li Chen, Mengyi Zhao, Yiheng Liu, Mingxu Ding, Yangyang Song, Shizun Wang, Xu Wang, Hao Yang, Jing Liu, Kang Du, Min Zheng

Personalized text-to-image generation has emerged as a powerful and sought-after tool, empowering users to create customized images based on their specific concepts and prompts.

Text-to-Image Generation

AvatarVerse: High-quality & Stable 3D Avatar Creation from Text and Pose

1 code implementation7 Aug 2023 Huichao Zhang, Bowen Chen, Hao Yang, Liao Qu, Xu Wang, Li Chen, Chao Long, Feida Zhu, Kang Du, Min Zheng

We present AvatarVerse, a stable pipeline for generating expressive high-quality 3D avatars from nothing but text descriptions and pose guidance.

Text-to-3D-Human Generation

Multi-modal Learning based Prediction for Disease

no code implementations19 Jul 2023 Yaran Chen, Xueyu Chen, Yu Han, Haoran Li, Dongbin Zhao, Jingzhong Li, Xu Wang

From the dataset, we quantitatively analyze and select clinical metadata that most contribute to NAFLD prediction.

A Secure Aggregation for Federated Learning on Long-Tailed Data

no code implementations17 Jul 2023 Yanna Jiang, Baihe Ma, Xu Wang, Guangsheng Yu, Caijun Sun, Wei Ni, Ren Ping Liu

As a distributed learning, Federated Learning (FL) faces two challenges: the unbalanced distribution of training data among participants, and the model attack by Byzantine nodes.

Federated Learning

CSCLog: A Component Subsequence Correlation-Aware Log Anomaly Detection Method

1 code implementation7 Jul 2023 Ling Chen, Chaodu Song, Xu Wang, Dachao Fu, Feifei Li

To this end, we propose CSCLog, a Component Subsequence Correlation-Aware Log anomaly detection method, which not only captures the sequential dependencies in subsequences, but also models the implicit correlations of subsequences.

Anomaly Detection

A Survey on Evaluation of Large Language Models

1 code implementation6 Jul 2023 Yupeng Chang, Xu Wang, Jindong Wang, Yuan Wu, Linyi Yang, Kaijie Zhu, Hao Chen, Xiaoyuan Yi, Cunxiang Wang, Yidong Wang, Wei Ye, Yue Zhang, Yi Chang, Philip S. Yu, Qiang Yang, Xing Xie

Large language models (LLMs) are gaining increasing popularity in both academia and industry, owing to their unprecedented performance in various applications.

Ethics

Research on Named Entity Recognition in Improved transformer with R-Drop structure

no code implementations14 Jun 2023 Weidong Ji, Yousheng Zhang, Guohui Zhou, Xu Wang

To enhance the generalization ability of the model and improve the effectiveness of the transformer for named entity recognition tasks, the XLNet-Transformer-R model is proposed in this paper.

named-entity-recognition Named Entity Recognition

Research on an improved Conformer end-to-end Speech Recognition Model with R-Drop Structure

no code implementations14 Jun 2023 Weidong Ji, Shijie Zan, Guohui Zhou, Xu Wang

To address the issue of poor generalization ability in end-to-end speech recognition models within deep learning, this study proposes a new Conformer-based speech recognition model called "Conformer-R" that incorporates the R-drop structure.

Domain Adaptation speech-recognition +1

Automated 3D Pre-Training for Molecular Property Prediction

1 code implementation13 Jun 2023 Xu Wang, Huan Zhao, WeiWei Tu, Quanming Yao

Next, to automatically fuse these three generative tasks, we design a surrogate metric using the \textit{total energy} to search for weight distribution of the three pretext task since total energy corresponding to the quality of 3D conformer. Extensive experiments on 2D molecular graphs are conducted to demonstrate the accuracy, efficiency and generalization ability of the proposed 3D PGT compared to various pre-training baselines.

Drug Discovery Graph Learning +3

DialogVCS: Robust Natural Language Understanding in Dialogue System Upgrade

no code implementations24 May 2023 Zefan Cai, Xin Zheng, Tianyu Liu, Xu Wang, Haoran Meng, Jiaqi Han, Gang Yuan, Binghuai Lin, Baobao Chang, Yunbo Cao

In the constant updates of the product dialogue systems, we need to retrain the natural language understanding (NLU) model as new data from the real users would be merged into the existent data accumulated in the last updates.

Intent Detection Multi-Label Classification +1

Blockchained Federated Learning for Internet of Things: A Comprehensive Survey

no code implementations8 May 2023 Yanna Jiang, Baihe Ma, Xu Wang, Ping Yu, Guangsheng Yu, Zhe Wang, Wei Ni, Ren Ping Liu

The demand for intelligent industries and smart services based on big data is rising rapidly with the increasing digitization and intelligence of the modern world.

Federated Learning Management

Point Transformer For Coronary Artery Labeling

no code implementations4 May 2023 Xu Wang, Jun Ma, Jing Li

Coronary CT angiography (CCTA) scans are widely used for diagnosis of coronary artery diseases.

Coronary Artery Segmentation Segmentation

Correspondence-Free Domain Alignment for Unsupervised Cross-Domain Image Retrieval

1 code implementation13 Feb 2023 Xu Wang, Dezhong Peng, Ming Yan, Peng Hu

Thanks to the ISS and CCA, our method could encode the discrimination into the domain-invariant embedding space for unsupervised cross-domain image retrieval.

Image Retrieval Retrieval

Graph-Free Learning in Graph-Structured Data: A More Efficient and Accurate Spatiotemporal Learning Perspective

no code implementations27 Jan 2023 Xu Wang, Pengfei Gu, Pengkun Wang, Binwu Wang, Zhengyang Zhou, Lei Bai, Yang Wang

In this paper, with extensive and deep-going experiments, we comprehensively analyze existing spatiotemporal graph learning models and reveal that extracting adjacency matrices with carefully design strategies, which are viewed as the key of enhancing performance on graph learning, are largely ineffective.

Graph Learning

SwiftAvatar: Efficient Auto-Creation of Parameterized Stylized Character on Arbitrary Avatar Engines

no code implementations19 Jan 2023 Shizun Wang, Weihong Zeng, Xu Wang, Hao Yang, Li Chen, Yi Yuan, Yunzhao Zeng, Min Zheng, Chuang Zhang, Ming Wu

To this end, we propose SwiftAvatar, a novel avatar auto-creation framework that is evidently superior to previous works.

IronForge: An Open, Secure, Fair, Decentralized Federated Learning

no code implementations7 Jan 2023 Guangsheng Yu, Xu Wang, Caijun Sun, Qin Wang, Ping Yu, Wei Ni, Ren Ping Liu, Xiwei Xu

Federated learning (FL) provides an effective machine learning (ML) architecture to protect data privacy in a distributed manner.

Fairness Federated Learning

Local and Global Logit Adjustments for Long-Tailed Learning

no code implementations ICCV 2023 Yingfan Tao, Jingna Sun, Hao Yang, Li Chen, Xu Wang, Wenming Yang, Daniel Du, Min Zheng

LGLA consists of two core components: a Class-aware Logit Adjustment (CLA) strategy and an Adaptive Angular Weighted (AAW) loss.

DialogQAE: N-to-N Question Answer Pair Extraction from Customer Service Chatlog

no code implementations14 Dec 2022 Xin Zheng, Tianyu Liu, Haoran Meng, Xu Wang, Yufan Jiang, Mengliang Rao, Binghuai Lin, Zhifang Sui, Yunbo Cao

Harvesting question-answer (QA) pairs from customer service chatlog in the wild is an efficient way to enrich the knowledge base for customer service chatbots in the cold start or continuous integration scenarios.

Retrieval

DualNER: A Dual-Teaching framework for Zero-shot Cross-lingual Named Entity Recognition

no code implementations15 Nov 2022 Jiali Zeng, Yufan Jiang, Yongjing Yin, Xu Wang, Binghuai Lin, Yunbo Cao

We present DualNER, a simple and effective framework to make full use of both annotated source language corpus and unlabeled target language text for zero-shot cross-lingual named entity recognition (NER).

named-entity-recognition Named Entity Recognition +1

Semi-automatic Data Annotation System for Multi-Target Multi-Camera Vehicle Tracking

no code implementations20 Sep 2022 Haohong Liao, Silin Zheng, Xuelin Shen, Mark Junjie Li, Xu Wang

However, according to our investigation, the lacking of datasets focusing on real-world application scenarios limits the further improvements for current learning-based MTMCT models.

Retrieval Video Retrieval

Weakly Supervised Semantic Segmentation via Progressive Patch Learning

1 code implementation16 Sep 2022 Jinlong Li, Zequn Jie, Xu Wang, Yu Zhou, Xiaolin Wei, Lin Ma

"Progressive Patch Learning" further extends the feature destruction and patch learning to multi-level granularities in a progressive manner.

Weakly supervised Semantic Segmentation Weakly-Supervised Semantic Segmentation

Expansion and Shrinkage of Localization for Weakly-Supervised Semantic Segmentation

1 code implementation16 Sep 2022 Jinlong Li, Zequn Jie, Xu Wang, Xiaolin Wei, Lin Ma

To tackle with this issue, this paper proposes an Expansion and Shrinkage scheme based on the offset learning in the deformable convolution, to sequentially improve the recall and precision of the located object in the two respective stages.

Object Weakly supervised Semantic Segmentation +1

Adaptive Meta-learner via Gradient Similarity for Few-shot Text Classification

1 code implementation COLING 2022 Tianyi Lei, Honghui Hu, Qiaoyang Luo, Dezhong Peng, Xu Wang

To address this issue, we propose a novel Adaptive Meta-learner via Gradient Similarity (AMGS) method to improve the model generalization ability to a new task.

Few-Shot Text Classification Meta-Learning +2

Gaze Estimation Approach Using Deep Differential Residual Network

no code implementations8 Aug 2022 Longzhao Huang, Yujie Li, Xu Wang, Haoyu Wang, Ahmed Bouridane, Ahmad Chaddad

We propose a differential residual model (DRNet) combined with a new loss function to make use of the difference information of two eye images.

Gaze Estimation

Graph Property Prediction on Open Graph Benchmark: A Winning Solution by Graph Neural Architecture Search

1 code implementation13 Jul 2022 Xu Wang, Huan Zhao, Lanning Wei, Quanming Yao

Aiming at two molecular graph datasets and one protein association subgraph dataset in OGB graph classification task, we design a graph neural network framework for graph classification task by introducing PAS(Pooling Architecture Search).

feature selection Graph Classification +3

Towards Process-Oriented, Modular, and Versatile Question Generation that Meets Educational Needs

1 code implementation NAACL 2022 Xu Wang, Simin Fan, Jessica Houghton, Lu Wang

NLP-powered automatic question generation (QG) techniques carry great pedagogical potential of saving educators' time and benefiting student learning.

Misconceptions Question Generation +1

Predictive and Contrastive: Dual-Auxiliary Learning for Recommendation

no code implementations8 Mar 2022 Yinghui Tao, Min Gao, Junliang Yu, Zongwei Wang, Qingyu Xiong, Xu Wang

To explore recommendation-specific auxiliary tasks, we first quantitatively analyze the heterogeneous interaction data and find a strong positive correlation between the interactions and the number of user-item paths induced by meta-paths.

Auxiliary Learning Self-Supervised Learning

Boundary Corrected Multi-scale Fusion Network for Real-time Semantic Segmentation

no code implementations1 Mar 2022 Tianjiao Jiang, Yi Jin, Tengfei Liang, Xu Wang, Yidong Li

Image semantic segmentation aims at the pixel-level classification of images, which has requirements for both accuracy and speed in practical application.

Real-Time Semantic Segmentation Scene Parsing +1

Distortion-Aware Loop Filtering of Intra 360^o Video Coding with Equirectangular Projection

no code implementations20 Feb 2022 Pingping Zhang, Xu Wang, Linwei Zhu, Yun Zhang, Shiqi Wang, Sam Kwong

In this paper, we propose a distortion-aware loop filtering model to improve the performance of intra coding for 360$^o$ videos projected via equirectangular projection (ERP) format.

Image Reconstruction

LighTN: Light-weight Transformer Network for Performance-overhead Tradeoff in Point Cloud Downsampling

no code implementations13 Feb 2022 Xu Wang, Yi Jin, Yigang Cen, Tao Wang, Bowen Tang, Yidong Li

Compared with traditional task-irrelevant downsampling methods, task-oriented neural networks have shown improved performance in point cloud downsampling range.

On the predictability in reversible steganography

no code implementations5 Feb 2022 Ching-Chun Chang, Xu Wang, Sisheng Chen, Hitoshi Kiya, Isao Echizen

The core strength of neural networks is the ability to render accurate predictions for a bewildering variety of data.

A Semantic Web Technology Index

no code implementations14 Jan 2022 Gongjin Lan, Ting Liu, Xu Wang, Xueli Pan, Zhisheng Huang

In this paper, we propose an SW technology index to standardize the development for ensuring that the work of SW technology is designed well and to quantitatively evaluate the quality of the work in SW technology.

Graph Neural Networks for Double-Strand DNA Breaks Prediction

no code implementations4 Jan 2022 Xu Wang, Huan Zhao, WeiWei Tu, Hao Li, Yu Sun, Xiaochen Bo

Double-strand DNA breaks (DSBs) are a form of DNA damage that can cause abnormal chromosomal rearrangements.

URetinex-Net: Retinex-Based Deep Unfolding Network for Low-Light Image Enhancement

1 code implementation CVPR 2022 Wenhui Wu, Jian Weng, Pingping Zhang, Xu Wang, Wenhan Yang, Jianmin Jiang

Retinex model-based methods have shown to be effective in layer-wise manipulation with well-designed priors for low-light image enhancement.

Low-Light Image Enhancement

Robust and Precise Facial Landmark Detection by Self-Calibrated Pose Attention Network

no code implementations23 Dec 2021 Jun Wan, Hui Xi, Jie zhou, Zhihui Lai, Witold Pedrycz, Xu Wang, Hang Sun

We show that by integrating the BALI fields and SCPA model into a novel self-calibrated pose attention network, more facial prior knowledge can be learned and the detection accuracy and robustness of our method for faces with large poses and heavy occlusions have been improved.

Facial Landmark Detection

Multi-Faceted Hierarchical Multi-Task Learning for a Large Number of Tasks with Multi-dimensional Relations

no code implementations26 Oct 2021 Junning Liu, Zijie Xia, Yu Lei, Xinjian Li, Xu Wang

For example, when using MTL to model various user behaviors in RS, if we differentiate new users and new items from old ones, there will be a cartesian product style increase of tasks with multi-dimensional relations.

Multi-Task Learning Recommendation Systems

A Feature Consistency Driven Attention Erasing Network for Fine-Grained Image Retrieval

no code implementations9 Oct 2021 Qi Zhao, Xu Wang, Shuchang Lyu, Binghao Liu, Yifan Yang

To handle these two issues, we propose a feature consistency driven attention erasing network (FCAENet) for fine-grained image retrieval.

Image Retrieval Retrieval

DRAN: Detailed Region-Adaptive Normalization for Conditional Image Synthesis

1 code implementation29 Sep 2021 Yueming Lyu, Peibin Chen, Jingna Sun, Bo Peng, Xu Wang, Jing Dong

To evaluate the effectiveness and show the general use of our method, we conduct a set of experiments on makeup transfer and semantic image synthesis.

Facial Makeup Transfer Image Generation +2

Joint Estimation and Inference for Multi-Experiment Networks of High-Dimensional Point Processes

1 code implementation23 Sep 2021 Xu Wang, Ali Shojaie

Modern high-dimensional point process data, especially those from neuroscience experiments, often involve observations from multiple conditions and/or experiments.

Point Processes

SPNet: Multi-Shell Kernel Convolution for Point Cloud Semantic Segmentation

no code implementations23 Sep 2021 Yuyan Li, Chuanmao Fan, Xu Wang, Ye Duan

Experimental results show that SPConv is effective in local shape encoding, and our SPNet is able to achieve top-ranking performances in semantic segmentation tasks.

Semantic Segmentation

Causal Discovery in High-Dimensional Point Process Networks with Hidden Nodes

no code implementations22 Sep 2021 Xu Wang, Ali Shojaie

Thanks to technological advances leading to near-continuous time observations, emerging multivariate point process data offer new opportunities for causal discovery.

Causal Discovery Vocal Bursts Intensity Prediction

FCM: A Fine-grained Comparison Model for Multi-turn Dialogue Reasoning

no code implementations Findings (EMNLP) 2021 Xu Wang, Hainan Zhang, Shuai Zhao, Yanyan Zou, Hongshen Chen, Zhuoye Ding, Bo Cheng, Yanyan Lan

Furthermore, the consistency signals between each candidate and the speaker's own history are considered to drive a model to prefer a candidate that is logically consistent with the speaker's history logic.

Reading Comprehension

Deep Learning for Predictive Analytics in Reversible Steganography

no code implementations13 Jun 2021 Ching-Chun Chang, Xu Wang, Sisheng Chen, Isao Echizen, Victor Sanchez, Chang-Tsun Li

Given that reversibility is governed independently by the coding module, we narrow our focus to the incorporation of neural networks into the analytics module, which serves the purpose of predicting pixel intensities and a pivotal role in determining capacity and imperceptibility.

On the Optimality of Nuclear-norm-based Matrix Completion for Problems with Smooth Non-linear Structure

no code implementations5 May 2021 Yunhua Xiang, Tianyu Zhang, Xu Wang, Ali Shojaie, Noah Simon

Originally developed for imputing missing entries in low rank, or approximately low rank matrices, matrix completion has proven widely effective in many problems where there is no reason to assume low-dimensional linear structure in the underlying matrix, as would be imposed by rank constraints.

Matrix Completion

Integrating Subgraph-aware Relation and DirectionReasoning for Question Answering

no code implementations1 Apr 2021 Xu Wang, Shuai Zhao, Bo Cheng, Jiale Han, Yingting Li, Hao Yang, Ivan Sekulic, Guoshun Nan

Question Answering (QA) models over Knowledge Bases (KBs) are capable of providing more precise answers by utilizing relation information among entities.

Question Answering Relation

Attention Models for Point Clouds in Deep Learning: A Survey

no code implementations22 Feb 2021 Xu Wang, Yi Jin, Yigang Cen, Tao Wang, Yidong Li

Recently, the advancement of 3D point clouds in deep learning has attracted intensive research in different application domains such as computer vision and robotic tasks.

3D Pose Estimation 3D Semantic Segmentation

Value Cards: An Educational Toolkit for Teaching Social Impacts of Machine Learning through Deliberation

no code implementations22 Oct 2020 Hong Shen, Wesley Hanwen Deng, Aditi Chattopadhyay, Zhiwei Steven Wu, Xu Wang, Haiyi Zhu

In this paper, we present Value Card, an educational toolkit to inform students and practitioners of the social impacts of different machine learning models via deliberation.

BIG-bench Machine Learning Ethics +1

Statistical Inference for Networks of High-Dimensional Point Processes

1 code implementation15 Jul 2020 Xu Wang, Mladen Kolar, Ali Shojaie

The key ingredient for this inference procedure is a new concentration inequality on the first- and second-order statistics for integrated stochastic processes, which summarize the entire history of the process.

Point Processes Vocal Bursts Intensity Prediction

Automate Obstructive Sleep Apnea Diagnosis Using Convolutional Neural Networks

no code implementations13 Jun 2020 Longlong Feng, Xu Wang

Identifying sleep problem severity from overnight polysomnography (PSG) recordings plays an important role in diagnosing and treating sleep disorders such as the Obstructive Sleep Apnea (OSA).

Classification General Classification

A survey of statistical learning techniques as applied to inexpensive pediatric Obstructive Sleep Apnea data

no code implementations17 Feb 2020 Emily T. Winn, Marilyn Vazquez, Prachi Loliencar, Kaisa Taipale, Xu Wang, Giseon Heo

Pediatric obstructive sleep apnea affects an estimated 1-5% of elementary-school aged children and can lead to other detrimental health problems.

Topological Data Analysis

Exploiting Local and Global Structure for Point Cloud Semantic Segmentation with Contextual Point Representations

1 code implementation NeurIPS 2019 Xu Wang, Jingming He, Lin Ma

In this paper, we propose one novel model for point cloud semantic segmentation, which exploits both the local and global structures within the point cloud based on the contextual point representations.

Graph Attention Semantic Segmentation

Agent with Warm Start and Active Termination for Plane Localization in 3D Ultrasound

1 code implementation10 Oct 2019 Haoran Dou, Xin Yang, Jikuan Qian, Wufeng Xue, Hao Qin, Xu Wang, Lequan Yu, Shujun Wang, Yi Xiong, Pheng-Ann Heng, Dong Ni

In this study, we propose a novel reinforcement learning (RL) framework to automatically localize fetal brain standard planes in 3D US.

Reinforcement Learning (RL)

Joint Segmentation and Landmark Localization of Fetal Femur in Ultrasound Volumes

no code implementations31 Aug 2019 Xu Wang, Xin Yang, Haoran Dou, Shengli Li, Pheng-Ann Heng, Dong Ni

In this paper, we propose an effective framework for simultaneous segmentation and landmark localization in prenatal ultrasound volumes.

Segmentation

A Survey of Automatic Generation of Source Code Comments: Algorithms and Techniques

2 code implementations25 Jul 2019 Xiaotao Song, Hailong Sun, Xu Wang, Jiafei Yan

Finally, we summarize some future directions for advancing the techniques of automatic generation of code comments and the quality assessment of comments.

Software Engineering

High Sensitivity Snapshot Spectrometer Based on Deep Network Unmixing

no code implementations29 Jun 2019 XiaoYu Chen, Xu Wang, Lianfa Bai, Jing Han, Zhuang Zhao

In this paper, we present a convolution neural network based method to recover the light intensity distribution from the overlapped dispersive spectra instead of adding an extra light path to capture it directly for the first time.

Vocal Bursts Intensity Prediction

DeepSquare: Boosting the Learning Power of Deep Convolutional Neural Networks with Elementwise Square Operators

no code implementations12 Jun 2019 Sheng Chen, Xu Wang, Chao Chen, Yifan Lu, Xijin Zhang, Linfu Wen

In this paper, we pursue very efficient neural network modules which can significantly boost the learning power of deep convolutional neural networks with negligible extra computational cost.

Efficient Neural Network

Coordinating Collaborative Chat in Massive Open Online Courses

no code implementations18 Apr 2017 Gaurav Singh Tomar, Sreecharan Sankaranarayanan, Xu Wang, Carolyn Penstein Rosé

An earlier study of a collaborative chat intervention in a Massive Open Online Course (MOOC) identified negative effects on attrition stemming from a requirement for students to be matched with exactly one partner prior to beginning the activity.

Fast Landmark Subspace Clustering

no code implementations28 Oct 2015 Xu Wang, Gilad Lerman

Kernel methods obtain superb performance in terms of accuracy for various machine learning tasks since they can effectively extract nonlinear relations.

Clustering

Spectral Convergence Rate of Graph Laplacian

no code implementations27 Oct 2015 Xu Wang

Laplacian Eigenvectors of the graph constructed from a data set are used in many spectral manifold learning algorithms such as diffusion maps and spectral clustering.

Clustering Denoising

Riemannian Multi-Manifold Modeling

no code implementations1 Oct 2014 Xu Wang, Konstantinos Slavakis, Gilad Lerman

This paper advocates a novel framework for segmenting a dataset in a Riemannian manifold $M$ into clusters lying around low-dimensional submanifolds of $M$.

Clustering

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