Search Results for author: Liang Huang

Found 77 papers, 19 papers with code

ERNIE-SAT: Speech and Text Joint Pretraining for Cross-Lingual Multi-Speaker Text-to-Speech

2 code implementations7 Nov 2022 Xiaoran Fan, Chao Pang, Tian Yuan, He Bai, Renjie Zheng, Pengfei Zhu, Shuohuan Wang, Junkun Chen, Zeyu Chen, Liang Huang, Yu Sun, Hua Wu

In this paper, we extend the pretraining method for cross-lingual multi-speaker speech synthesis tasks, including cross-lingual multi-speaker voice cloning and cross-lingual multi-speaker speech editing.

Representation Learning Speech Synthesis +2

A$^3$T: Alignment-Aware Acoustic and Text Pretraining for Speech Synthesis and Editing

2 code implementations18 Mar 2022 He Bai, Renjie Zheng, Junkun Chen, Xintong Li, Mingbo Ma, Liang Huang

Recently, speech representation learning has improved many speech-related tasks such as speech recognition, speech classification, and speech-to-text translation.

Representation Learning Speaker Verification +5

Distance-aware Molecule Graph Attention Network for Drug-Target Binding Affinity Prediction

1 code implementation17 Dec 2020 Jingbo Zhou, Shuangli Li, Liang Huang, Haoyi Xiong, Fan Wang, Tong Xu, Hui Xiong, Dejing Dou

The hierarchical attentive aggregation can capture spatial dependencies among atoms, as well as fuse the position-enhanced information with the capability of discriminating multiple spatial relations among atoms.

Drug Discovery Graph Attention +2

Deep Reinforcement Learning for Online Offloading in Wireless Powered Mobile-Edge Computing Networks

4 code implementations6 Aug 2018 Liang Huang, Suzhi Bi, Ying-Jun Angela Zhang

To tackle this problem, we propose in this paper a Deep Reinforcement learning-based Online Offloading (DROO) framework that implements a deep neural network to generate offloading decisions.

Networking and Internet Architecture

Lyapunov-guided Deep Reinforcement Learning for Stable Online Computation Offloading in Mobile-Edge Computing Networks

1 code implementation3 Oct 2020 Suzhi Bi, Liang Huang, Hui Wang, Ying-Jun Angela Zhang

In particular, we aim to design an online computation offloading algorithm to maximize the network data processing capability subject to the long-term data queue stability and average power constraints.

Edge-computing Networking and Internet Architecture

Algorithm for Optimized mRNA Design Improves Stability and Immunogenicity

2 code implementations21 Apr 2020 He Zhang, Liang Zhang, Ang Lin, Congcong Xu, Ziyu Li, Kaibo Liu, Boxiang Liu, Xiaopin Ma, Fanfan Zhao, Weiguo Yao, Hangwen Li, David H. Mathews, Yujian Zhang, Liang Huang

Messenger RNA (mRNA) vaccines are being used for COVID-19, but still suffer from the critical issue of mRNA instability and degradation, which is a major obstacle in the storage, distribution, and efficacy of the vaccine.

Sentence

Dependency-based Convolutional Neural Networks for Sentence Embedding

1 code implementation IJCNLP 2015 Mingbo Ma, Liang Huang, Bing Xiang, Bo-Wen Zhou

In sentence modeling and classification, convolutional neural network approaches have recently achieved state-of-the-art results, but all such efforts process word vectors sequentially and neglect long-distance dependencies.

Classification General Classification +3

Structure-aware Interactive Graph Neural Networks for the Prediction of Protein-Ligand Binding Affinity

1 code implementation21 Jul 2021 Shuangli Li, Jingbo Zhou, Tong Xu, Liang Huang, Fan Wang, Haoyi Xiong, Weili Huang, Dejing Dou, Hui Xiong

To this end, we propose a structure-aware interactive graph neural network (SIGN) which consists of two components: polar-inspired graph attention layers (PGAL) and pairwise interactive pooling (PiPool).

Drug Discovery Graph Attention +1

Textual Entailment with Structured Attentions and Composition

1 code implementation COLING 2016 Kai Zhao, Liang Huang, Mingbo Ma

We show that it is beneficial to extend the attention model to tree nodes between premise and hypothesis.

Natural Language Inference Relation

Fast(er) Exact Decoding and Global Training for Transition-Based Dependency Parsing via a Minimal Feature Set

1 code implementation EMNLP 2017 Tianze Shi, Liang Huang, Lillian Lee

We first present a minimal feature set for transition-based dependency parsing, continuing a recent trend started by Kiperwasser and Goldberg (2016a) and Cross and Huang (2016a) of using bi-directional LSTM features.

Transition-Based Dependency Parsing

Joint Syntacto-Discourse Parsing and the Syntacto-Discourse Treebank

1 code implementation EMNLP 2017 Kai Zhao, Liang Huang

Discourse parsing has long been treated as a stand-alone problem independent from constituency or dependency parsing.

Dependency Parsing Discourse Parsing

Undesignable RNA Structure Identification via Rival Structure Generation and Structure Decomposition

1 code implementation14 Nov 2023 Tianshuo Zhou, Wei Yu Tang, David H. Mathews, Liang Huang

RNA design is the search for a sequence or set of sequences that will fold into predefined structures, also known as the inverse problem of RNA folding.

LinearAlifold: Linear-Time Consensus Structure Prediction for RNA Alignments

1 code implementation29 Jun 2022 Liang Zhang, Sizhen Li, He Zhang, David H. Mathews, Liang Huang

We present LinearAlifold, an efficient algorithm for folding aligned RNA homologs that scales linearly with both the sequence length and the number of sequences, based on our recent work LinearFold that folds a single RNA in linear time.

Messenger RNA Design via Expected Partition Function and Continuous Optimization

1 code implementation29 Dec 2023 Ning Dai, Wei Yu Tang, Tianshuo Zhou, David H. Mathews, Liang Huang

We then use gradient descent-based optimization methods to improve the extended objective function, and the distribution will gradually shrink towards a one-hot sequence (i. e., a single sequence).

Linear-Time Constituency Parsing with RNNs and Dynamic Programming

no code implementations ACL 2018 Juneki Hong, Liang Huang

However, the minimal span parser of Stern et al (2017a) which holds the current state of the art accuracy is a chart parser running in cubic time, $O(n^3)$, which is too slow for longer sentences and for applications beyond sentence boundaries such as end-to-end discourse parsing and joint sentence boundary detection and parsing.

Boundary Detection Constituency Parsing +2

OSU Multimodal Machine Translation System Report

no code implementations WS 2017 Mingbo Ma, Dapeng Li, Kai Zhao, Liang Huang

This paper describes Oregon State University's submissions to the shared WMT'17 task "multimodal translation task I".

Image Captioning Multimodal Machine Translation +2

Jointly Trained Sequential Labeling and Classification by Sparse Attention Neural Networks

no code implementations28 Sep 2017 Mingbo Ma, Kai Zhao, Liang Huang, Bing Xiang, Bo-Wen Zhou

In order to utilize the potential benefits from their correlations, we propose a jointly trained model for learning the two tasks simultaneously via Long Short-Term Memory (LSTM) networks.

Classification General Classification +10

Incremental Parsing with Minimal Features Using Bi-Directional LSTM

no code implementations ACL 2016 James Cross, Liang Huang

Recently, neural network approaches for parsing have largely automated the combination of individual features, but still rely on (often a larger number of) atomic features created from human linguistic intuition, and potentially omitting important global context.

Binarization Constituency Parsing +2

Type-Driven Incremental Semantic Parsing with Polymorphism

no code implementations HLT 2015 Kai Zhao, Liang Huang

Semantic parsing has made significant progress, but most current semantic parsers are extremely slow (CKY-based) and rather primitive in representation.

Semantic Parsing Vocal Bursts Type Prediction

Multi-Reference Training with Pseudo-References for Neural Translation and Text Generation

no code implementations EMNLP 2018 Renjie Zheng, Mingbo Ma, Liang Huang

Neural text generation, including neural machine translation, image captioning, and summarization, has been quite successful recently.

Image Captioning Machine Translation +2

Ensemble Sequence Level Training for Multimodal MT: OSU-Baidu WMT18 Multimodal Machine Translation System Report

no code implementations WS 2018 Renjie Zheng, Yilin Yang, Mingbo Ma, Liang Huang

This paper describes multimodal machine translation systems developed jointly by Oregon State University and Baidu Research for WMT 2018 Shared Task on multimodal translation.

Multimodal Machine Translation reinforcement-learning +2

When to Finish? Optimal Beam Search for Neural Text Generation (modulo beam size)

no code implementations EMNLP 2017 Liang Huang, Kai Zhao, Mingbo Ma

In neural text generation such as neural machine translation, summarization, and image captioning, beam search is widely used to improve the output text quality.

Image Captioning Machine Translation +2

Speculative Beam Search for Simultaneous Translation

no code implementations IJCNLP 2019 Renjie Zheng, Mingbo Ma, Baigong Zheng, Liang Huang

Beam search is universally used in full-sentence translation but its application to simultaneous translation remains non-trivial, where output words are committed on the fly.

Language Modelling Sentence +1

Machine Translation in Pronunciation Space

no code implementations3 Nov 2019 Hairong Liu, Mingbo Ma, Liang Huang

The research in machine translation community focus on translation in text space.

Machine Translation Sentence +1

Data Augmentation for Deep Learning-based Radio Modulation Classification

no code implementations6 Dec 2019 Liang Huang, Weijian Pan, You Zhang, LiPing Qian, Nan Gao, Yuan Wu

Deep learning has recently been applied to automatically classify the modulation categories of received radio signals without manual experience.

Classification Data Augmentation +1

Simultaneous Translation Policies: From Fixed to Adaptive

no code implementations ACL 2020 Baigong Zheng, Kaibo Liu, Renjie Zheng, Mingbo Ma, Hairong Liu, Liang Huang

Adaptive policies are better than fixed policies for simultaneous translation, since they can flexibly balance the tradeoff between translation quality and latency based on the current context information.

Sentence Translation

Opportunistic Decoding with Timely Correction for Simultaneous Translation

no code implementations ACL 2020 Renjie Zheng, Mingbo Ma, Baigong Zheng, Kaibo Liu, Liang Huang

Simultaneous translation has many important application scenarios and attracts much attention from both academia and industry recently.

Translation

Visualizing Deep Learning-based Radio Modulation Classifier

no code implementations3 May 2020 Liang Huang, You Zhang, Weijian Pan, Jinyin Chen, Li Ping Qian, Yuan Wu

Extensive numerical results show both the CNN-based classifier and LSTM-based classifier extract similar radio features relating to modulation reference points.

General Classification

NEJM-enzh: A Parallel Corpus for English-Chinese Translation in the Biomedical Domain

no code implementations18 May 2020 Boxiang Liu, Liang Huang

We show that training on out-of-domain data and fine-tuning with as few as 4, 000 NEJM sentence pairs improve translation quality by 25. 3 (13. 4) BLEU for en$\to$zh (zh$\to$en) directions.

Machine Translation Sentence +1

Fluent and Low-latency Simultaneous Speech-to-Speech Translation with Self-adaptive Training

no code implementations Findings of the Association for Computational Linguistics 2020 Renjie Zheng, Mingbo Ma, Baigong Zheng, Kaibo Liu, Jiahong Yuan, Kenneth Church, Liang Huang

Simultaneous speech-to-speech translation is widely useful but extremely challenging, since it needs to generate target-language speech concurrently with the source-language speech, with only a few seconds delay.

Sentence Speech-to-Speech Translation +1

MAM: Masked Acoustic Modeling for End-to-End Speech-to-Text Translation

no code implementations22 Oct 2020 Junkun Chen, Mingbo Ma, Renjie Zheng, Liang Huang

End-to-end Speech-to-text Translation (E2E-ST), which directly translates source language speech to target language text, is widely useful in practice, but traditional cascaded approaches (ASR+MT) often suffer from error propagation in the pipeline.

Automatic Speech Recognition Automatic Speech Recognition (ASR) +4

Improving Simultaneous Translation by Incorporating Pseudo-References with Fewer Reorderings

no code implementations EMNLP 2021 Junkun Chen, Renjie Zheng, Atsuhito Kita, Mingbo Ma, Liang Huang

Simultaneous translation is vastly different from full-sentence translation, in the sense that it starts translation before the source sentence ends, with only a few words delay.

Sentence Translation

SigNet: A Novel Deep Learning Framework for Radio Signal Classification

no code implementations28 Oct 2020 Zhuangzhi Chen, Hui Cui, Jingyang Xiang, Kunfeng Qiu, Liang Huang, Shilian Zheng, Shichuan Chen, Qi Xuan, Xiaoniu Yang

More interestingly, our proposed models behave extremely well in small-sample learning when only a small training dataset is provided.

Classification Few-Shot Learning +1

[Re] Explaining Groups of Points in Low-Dimensional Representations

1 code implementation RC 2020 Damiaan J W Reijnaers, Daniël B van de Pavert, Giguru Scheuer, Liang Huang

Furthermore, we have created our own implementation of the algorithm in which we have incorporated additional experiments in order to evaluate the algorithmʼs relevance in the scope of different dimensionality reduction techniques and differently structured data.

Dimensionality Reduction Interpretable Machine Learning

Simultaneous Translation

no code implementations EMNLP 2020 Liang Huang, Colin Cherry, Mingbo Ma, Naveen Arivazhagan, Zhongjun He

Simultaneous translation, which performs translation concurrently with the source speech, is widely useful in many scenarios such as international conferences, negotiations, press releases, legal proceedings, and medicine.

Machine Translation speech-recognition +3

The Role of Phonetic Units in Speech Emotion Recognition

no code implementations2 Aug 2021 Jiahong Yuan, Xingyu Cai, Renjie Zheng, Liang Huang, Kenneth Church

Models of phonemes, broad phonetic classes, and syllables all significantly outperform the utterance model, demonstrating that phonetic units are helpful and should be incorporated in speech emotion recognition.

Speech Emotion Recognition speech-recognition +1

Computation Rate Maximum for Mobile Terminals in UAV-assisted Wireless Powered MEC Networks with Fairness Constraint

no code implementations13 Sep 2021 Xiaoyi Zhou, Liang Huang, Tong Ye, Weiqiang Sun

This paper investigates an unmanned aerial vehicle (UAV)-assisted wireless powered mobile-edge computing (MEC) system, where the UAV powers the mobile terminals by wireless power transfer (WPT) and provides computation service for them.

Edge-computing Fairness +2

Prediction and Control of Focal Seizure Spread: Random Walk with Restart on Heterogeneous Brain Networks

no code implementations14 Apr 2022 Chen Wang, Sida Chen, Liang Huang, Lianchun Yu

In this study, we used a whole-brain model to show that heterogeneity in nodal excitability had a significant impact on seizure propagation in the networks, and compromised the prediction accuracy with structural connections.

Data-Driven Adaptive Simultaneous Machine Translation

no code implementations27 Apr 2022 Guangxu Xun, Mingbo Ma, Yuchen Bian, Xingyu Cai, Jiaji Huang, Renjie Zheng, Junkun Chen, Jiahong Yuan, Kenneth Church, Liang Huang

In simultaneous translation (SimulMT), the most widely used strategy is the wait-k policy thanks to its simplicity and effectiveness in balancing translation quality and latency.

Machine Translation Sentence +1

A Fast Attention Network for Joint Intent Detection and Slot Filling on Edge Devices

no code implementations16 May 2022 Liang Huang, Senjie Liang, Feiyang Ye, Nan Gao

In this paper, we propose a Fast Attention Network (FAN) for joint intent detection and slot filling tasks, guaranteeing both accuracy and latency.

Intent Detection Natural Language Understanding +3

LinearCoFold and LinearCoPartition: Linear-Time Algorithms for Secondary Structure Prediction of Interacting RNA molecules

no code implementations26 Oct 2022 He Zhang, Sizhen Li, Liang Zhang, David H. Mathews, Liang Huang

Vienna RNAcofold, which reduces the problem into the classical single sequence folding by concatenating two strands, scales in cubic time against the combined sequence length, and is slow for long sequences.

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