Search Results for author: Yang Zhang

Found 350 papers, 159 papers with code

PP-YOLO: An Effective and Efficient Implementation of Object Detector

5 code implementations23 Jul 2020 Xiang Long, Kaipeng Deng, Guanzhong Wang, Yang Zhang, Qingqing Dang, Yuan Gao, Hui Shen, Jianguo Ren, Shumin Han, Errui Ding, Shilei Wen

We mainly try to combine various existing tricks that almost not increase the number of model parameters and FLOPs, to achieve the goal of improving the accuracy of detector as much as possible while ensuring that the speed is almost unchanged.

Ranked #123 on Object Detection on COCO test-dev (using extra training data)

Object object-detection +1

BioMegatron: Larger Biomedical Domain Language Model

1 code implementation EMNLP 2020 Hoo-chang Shin, Yang Zhang, Evelina Bakhturina, Raul Puri, Mostofa Patwary, Mohammad Shoeybi, Raghav Mani

There has been an influx of biomedical domain-specific language models, showing language models pre-trained on biomedical text perform better on biomedical domain benchmarks than those trained on general domain text corpora such as Wikipedia and Books.

Language Modelling named-entity-recognition +4

Shallow Fusion of Weighted Finite-State Transducer and Language Model for Text Normalization

1 code implementation29 Mar 2022 Evelina Bakhturina, Yang Zhang, Boris Ginsburg

First, a non-deterministic WFST outputs all normalization candidates, and then a neural language model picks the best one -- similar to shallow fusion for automatic speech recognition.

Automatic Speech Recognition Automatic Speech Recognition (ASR) +2

Conformer-based Target-Speaker Automatic Speech Recognition for Single-Channel Audio

2 code implementations9 Aug 2023 Yang Zhang, Krishna C. Puvvada, Vitaly Lavrukhin, Boris Ginsburg

We propose CONF-TSASR, a non-autoregressive end-to-end time-frequency domain architecture for single-channel target-speaker automatic speech recognition (TS-ASR).

Automatic Speech Recognition speech-recognition +1

NeMo Inverse Text Normalization: From Development To Production

1 code implementation11 Apr 2021 Yang Zhang, Evelina Bakhturina, Kyle Gorman, Boris Ginsburg

Inverse text normalization (ITN) converts spoken-domain automatic speech recognition (ASR) output into written-domain text to improve the readability of the ASR output.

Automatic Speech Recognition Automatic Speech Recognition (ASR) +1

Fast Wavenet Generation Algorithm

6 code implementations29 Nov 2016 Tom Le Paine, Pooya Khorrami, Shiyu Chang, Yang Zhang, Prajit Ramachandran, Mark A. Hasegawa-Johnson, Thomas S. Huang

This paper presents an efficient implementation of the Wavenet generation process called Fast Wavenet.

Backdoor Attacks Against Dataset Distillation

2 code implementations3 Jan 2023 Yugeng Liu, Zheng Li, Michael Backes, Yun Shen, Yang Zhang

A model trained on this smaller distilled dataset can attain comparable performance to a model trained on the original training dataset.

Backdoor Attack

AUTOVC: Zero-Shot Voice Style Transfer with Only Autoencoder Loss

11 code implementations14 May 2019 Kaizhi Qian, Yang Zhang, Shiyu Chang, Xuesong Yang, Mark Hasegawa-Johnson

On the other hand, CVAE training is simple but does not come with the distribution-matching property of a GAN.

Style Transfer Voice Conversion

ContentVec: An Improved Self-Supervised Speech Representation by Disentangling Speakers

1 code implementation20 Apr 2022 Kaizhi Qian, Yang Zhang, Heting Gao, Junrui Ni, Cheng-I Lai, David Cox, Mark Hasegawa-Johnson, Shiyu Chang

Self-supervised learning in speech involves training a speech representation network on a large-scale unannotated speech corpus, and then applying the learned representations to downstream tasks.

Disentanglement Self-Supervised Learning

Panoptic-PolarNet: Proposal-free LiDAR Point Cloud Panoptic Segmentation

2 code implementations CVPR 2021 Zixiang Zhou, Yang Zhang, Hassan Foroosh

Panoptic segmentation presents a new challenge in exploiting the merits of both detection and segmentation, with the aim of unifying instance segmentation and semantic segmentation in a single framework.

Clustering Instance Segmentation +2

Unified Mandarin TTS Front-end Based on Distilled BERT Model

1 code implementation31 Dec 2020 Yang Zhang, Liqun Deng, Yasheng Wang

The front-end module in a typical Mandarin text-to-speech system (TTS) is composed of a long pipeline of text processing components, which requires extensive efforts to build and is prone to large accumulative model size and cascade errors.

Knowledge Distillation Language Modelling +1

Dilated Recurrent Neural Networks

2 code implementations NeurIPS 2017 Shiyu Chang, Yang Zhang, Wei Han, Mo Yu, Xiaoxiao Guo, Wei Tan, Xiaodong Cui, Michael Witbrock, Mark Hasegawa-Johnson, Thomas S. Huang

To provide a theory-based quantification of the architecture's advantages, we introduce a memory capacity measure, the mean recurrent length, which is more suitable for RNNs with long skip connections than existing measures.

Sequential Image Classification

Global Rhythm Style Transfer Without Text Transcriptions

1 code implementation16 Jun 2021 Kaizhi Qian, Yang Zhang, Shiyu Chang, JinJun Xiong, Chuang Gan, David Cox, Mark Hasegawa-Johnson

In this paper, we propose AutoPST, which can disentangle global prosody style from speech without relying on any text transcriptions.

Representation Learning Style Transfer

A Survey of Visual Transformers

1 code implementation11 Nov 2021 Yang Liu, Yao Zhang, Yixin Wang, Feng Hou, Jin Yuan, Jiang Tian, Yang Zhang, Zhongchao shi, Jianping Fan, Zhiqiang He

Transformer, an attention-based encoder-decoder model, has already revolutionized the field of natural language processing (NLP).

"Do Anything Now": Characterizing and Evaluating In-The-Wild Jailbreak Prompts on Large Language Models

1 code implementation7 Aug 2023 Xinyue Shen, Zeyuan Chen, Michael Backes, Yun Shen, Yang Zhang

The misuse of large language models (LLMs) has garnered significant attention from the general public and LLM vendors.

Community Detection

Polyper: Boundary Sensitive Polyp Segmentation

1 code implementation14 Dec 2023 Hao Shao, Yang Zhang, Qibin Hou

We present a new boundary sensitive framework for polyp segmentation, called Polyper.

Segmentation

Uncovering the Disentanglement Capability in Text-to-Image Diffusion Models

1 code implementation CVPR 2023 Qiucheng Wu, Yujian Liu, Handong Zhao, Ajinkya Kale, Trung Bui, Tong Yu, Zhe Lin, Yang Zhang, Shiyu Chang

Based on this finding, we further propose a simple, light-weight image editing algorithm where the mixing weights of the two text embeddings are optimized for style matching and content preservation.

Denoising Disentanglement

TALLRec: An Effective and Efficient Tuning Framework to Align Large Language Model with Recommendation

1 code implementation30 Apr 2023 Keqin Bao, Jizhi Zhang, Yang Zhang, Wenjie Wang, Fuli Feng, Xiangnan He

We have demonstrated that the proposed TALLRec framework can significantly enhance the recommendation capabilities of LLMs in the movie and book domains, even with a limited dataset of fewer than 100 samples.

Domain Generalization In-Context Learning +3

MGTBench: Benchmarking Machine-Generated Text Detection

2 code implementations26 Mar 2023 Xinlei He, Xinyue Shen, Zeyuan Chen, Michael Backes, Yang Zhang

Extensive evaluations on public datasets with curated texts generated by various powerful LLMs such as ChatGPT-turbo and Claude demonstrate the effectiveness of different detection methods.

Benchmarking Question Answering +4

SpeechSplit 2.0: Unsupervised speech disentanglement for voice conversion Without tuning autoencoder Bottlenecks

1 code implementation26 Mar 2022 Chak Ho Chan, Kaizhi Qian, Yang Zhang, Mark Hasegawa-Johnson

SpeechSplit can perform aspect-specific voice conversion by disentangling speech into content, rhythm, pitch, and timbre using multiple autoencoders in an unsupervised manner.

Disentanglement Voice Conversion

ML-Leaks: Model and Data Independent Membership Inference Attacks and Defenses on Machine Learning Models

7 code implementations4 Jun 2018 Ahmed Salem, Yang Zhang, Mathias Humbert, Pascal Berrang, Mario Fritz, Michael Backes

In addition, we propose the first effective defense mechanisms against such broader class of membership inference attacks that maintain a high level of utility of the ML model.

BIG-bench Machine Learning Inference Attack +1

Causal Intervention for Leveraging Popularity Bias in Recommendation

1 code implementation13 May 2021 Yang Zhang, Fuli Feng, Xiangnan He, Tianxin Wei, Chonggang Song, Guohui Ling, Yongdong Zhang

This work studies an unexplored problem in recommendation -- how to leverage popularity bias to improve the recommendation accuracy.

Collaborative Filtering Recommendation Systems

Modality-aware Mutual Learning for Multi-modal Medical Image Segmentation

2 code implementations21 Jul 2021 Yao Zhang, Jiawei Yang, Jiang Tian, Zhongchao shi, Cheng Zhong, Yang Zhang, Zhiqiang He

To this end, we propose a novel mutual learning (ML) strategy for effective and robust multi-modal liver tumor segmentation.

Computed Tomography (CT) Image Segmentation +3

mmFormer: Multimodal Medical Transformer for Incomplete Multimodal Learning of Brain Tumor Segmentation

1 code implementation6 Jun 2022 Yao Zhang, Nanjun He, Jiawei Yang, Yuexiang Li, Dong Wei, Yawen Huang, Yang Zhang, Zhiqiang He, Yefeng Zheng

Concretely, we propose a novel multimodal Medical Transformer (mmFormer) for incomplete multimodal learning with three main components: the hybrid modality-specific encoders that bridge a convolutional encoder and an intra-modal Transformer for both local and global context modeling within each modality; an inter-modal Transformer to build and align the long-range correlations across modalities for modality-invariant features with global semantics corresponding to tumor region; a decoder that performs a progressive up-sampling and fusion with the modality-invariant features to generate robust segmentation.

Brain Tumor Segmentation Segmentation +1

ML-Doctor: Holistic Risk Assessment of Inference Attacks Against Machine Learning Models

1 code implementation4 Feb 2021 Yugeng Liu, Rui Wen, Xinlei He, Ahmed Salem, Zhikun Zhang, Michael Backes, Emiliano De Cristofaro, Mario Fritz, Yang Zhang

As a result, we lack a comprehensive picture of the risks caused by the attacks, e. g., the different scenarios they can be applied to, the common factors that influence their performance, the relationship among them, or the effectiveness of possible defenses.

Attribute BIG-bench Machine Learning +3

Harnessing the Spatial-Temporal Attention of Diffusion Models for High-Fidelity Text-to-Image Synthesis

1 code implementation ICCV 2023 Qiucheng Wu, Yujian Liu, Handong Zhao, Trung Bui, Zhe Lin, Yang Zhang, Shiyu Chang

We then impose spatial attention control by combining the attention over the entire text description and that over the local description of the particular object in the corresponding pixel region of that object.

Denoising Image Generation

The Lottery Tickets Hypothesis for Supervised and Self-supervised Pre-training in Computer Vision Models

1 code implementation CVPR 2021 Tianlong Chen, Jonathan Frankle, Shiyu Chang, Sijia Liu, Yang Zhang, Michael Carbin, Zhangyang Wang

We extend the scope of LTH and question whether matching subnetworks still exist in pre-trained computer vision models, that enjoy the same downstream transfer performance.

Point Cloud GAN

1 code implementation13 Oct 2018 Chun-Liang Li, Manzil Zaheer, Yang Zhang, Barnabas Poczos, Ruslan Salakhutdinov

In this paper, we first show a straightforward extension of existing GAN algorithm is not applicable to point clouds, because the constraint required for discriminators is undefined for set data.

Object Recognition

Invariant Rationalization

1 code implementation ICML 2020 Shiyu Chang, Yang Zhang, Mo Yu, Tommi S. Jaakkola

Selective rationalization improves neural network interpretability by identifying a small subset of input features -- the rationale -- that best explains or supports the prediction.

Structure-Aware NeRF without Posed Camera via Epipolar Constraint

1 code implementation1 Oct 2022 Shu Chen, Yang Zhang, Yaxin Xu, Beiji Zou

This two-stage strategy is not convenient to use and degrades the performance because the error in the pose extraction can propagate to the view synthesis.

Novel View Synthesis

How to Retrain Recommender System? A Sequential Meta-Learning Method

1 code implementation27 May 2020 Yang Zhang, Fuli Feng, Chenxu Wang, Xiangnan He, Meng Wang, Yan Li, Yongdong Zhang

Nevertheless, normal training on new data only may easily cause overfitting and forgetting issues, since the new data is of a smaller scale and contains fewer information on long-term user preference.

Meta-Learning Recommendation Systems

Towards Coherent Image Inpainting Using Denoising Diffusion Implicit Models

1 code implementation6 Apr 2023 Guanhua Zhang, Jiabao Ji, Yang Zhang, Mo Yu, Tommi Jaakkola, Shiyu Chang

COPAINT also uses the Bayesian framework to jointly modify both revealed and unrevealed regions, but approximates the posterior distribution in a way that allows the errors to gradually drop to zero throughout the denoising steps, thus strongly penalizing any mismatches with the reference image.

Denoising Image Inpainting

GAN-Leaks: A Taxonomy of Membership Inference Attacks against Generative Models

1 code implementation9 Sep 2019 Dingfan Chen, Ning Yu, Yang Zhang, Mario Fritz

In addition, we propose the first generic attack model that can be instantiated in a large range of settings and is applicable to various kinds of deep generative models.

Inference Attack Membership Inference Attack

Generating Visually Aligned Sound from Videos

1 code implementation14 Jul 2020 Peihao Chen, Yang Zhang, Mingkui Tan, Hongdong Xiao, Deng Huang, Chuang Gan

During testing, the audio forwarding regularizer is removed to ensure that REGNET can produce purely aligned sound only from visual features.

MemGuard: Defending against Black-Box Membership Inference Attacks via Adversarial Examples

3 code implementations23 Sep 2019 Jinyuan Jia, Ahmed Salem, Michael Backes, Yang Zhang, Neil Zhenqiang Gong

Specifically, given a black-box access to the target classifier, the attacker trains a binary classifier, which takes a data sample's confidence score vector predicted by the target classifier as an input and predicts the data sample to be a member or non-member of the target classifier's training dataset.

Inference Attack Membership Inference Attack

LF-YOLO: A Lighter and Faster YOLO for Weld Defect Detection of X-ray Image

1 code implementation28 Oct 2021 Moyun Liu, Youping Chen, Lei He, Yang Zhang, Jingming Xie

To further prove the ability of our method, we test it on public dataset MS COCO, and the results show that our LF-YOLO has a outstanding versatility detection performance.

Defect Detection

When Machine Unlearning Jeopardizes Privacy

1 code implementation5 May 2020 Min Chen, Zhikun Zhang, Tianhao Wang, Michael Backes, Mathias Humbert, Yang Zhang

More importantly, we show that our attack in multiple cases outperforms the classical membership inference attack on the original ML model, which indicates that machine unlearning can have counterproductive effects on privacy.

Inference Attack Machine Unlearning +1

ACN: Adversarial Co-training Network for Brain Tumor Segmentation with Missing Modalities

2 code implementations28 Jun 2021 Yixin Wang, Yang Zhang, Yang Liu, Zihao Lin, Jiang Tian, Cheng Zhong, Zhongchao shi, Jianping Fan, Zhiqiang He

Specifically, ACN adopts a novel co-training network, which enables a coupled learning process for both full modality and missing modality to supplement each other's domain and feature representations, and more importantly, to recover the `missing' information of absent modalities.

Brain Tumor Segmentation Transfer Learning +1

Unsupervised Text-to-Speech Synthesis by Unsupervised Automatic Speech Recognition

1 code implementation29 Mar 2022 Junrui Ni, Liming Wang, Heting Gao, Kaizhi Qian, Yang Zhang, Shiyu Chang, Mark Hasegawa-Johnson

An unsupervised text-to-speech synthesis (TTS) system learns to generate speech waveforms corresponding to any written sentence in a language by observing: 1) a collection of untranscribed speech waveforms in that language; 2) a collection of texts written in that language without access to any transcribed speech.

Automatic Speech Recognition Automatic Speech Recognition (ASR) +4

Graph Unlearning

1 code implementation27 Mar 2021 Min Chen, Zhikun Zhang, Tianhao Wang, Michael Backes, Mathias Humbert, Yang Zhang

In this paper, we propose GraphEraser, a novel machine unlearning framework tailored to graph data.

Machine Unlearning

A Bi-Step Grounding Paradigm for Large Language Models in Recommendation Systems

1 code implementation16 Aug 2023 Keqin Bao, Jizhi Zhang, Wenjie Wang, Yang Zhang, Zhengyi Yang, Yancheng Luo, Chong Chen, Fuli Feng, Qi Tian

As the focus on Large Language Models (LLMs) in the field of recommendation intensifies, the optimization of LLMs for recommendation purposes (referred to as LLM4Rec) assumes a crucial role in augmenting their effectiveness in providing recommendations.

Collaborative Filtering Recommendation Systems

Is ChatGPT Fair for Recommendation? Evaluating Fairness in Large Language Model Recommendation

1 code implementation12 May 2023 Jizhi Zhang, Keqin Bao, Yang Zhang, Wenjie Wang, Fuli Feng, Xiangnan He

The remarkable achievements of Large Language Models (LLMs) have led to the emergence of a novel recommendation paradigm -- Recommendation via LLM (RecLLM).

Fairness Language Modelling +1

AI for Global Climate Cooperation: Modeling Global Climate Negotiations, Agreements, and Long-Term Cooperation in RICE-N

2 code implementations15 Aug 2022 Tianyu Zhang, Andrew Williams, Soham Phade, Sunil Srinivasa, Yang Zhang, Prateek Gupta, Yoshua Bengio, Stephan Zheng

To facilitate this research, here we introduce RICE-N, a multi-region integrated assessment model that simulates the global climate and economy, and which can be used to design and evaluate the strategic outcomes for different negotiation and agreement frameworks.

Ethics Multi-agent Reinforcement Learning

Model Stealing Attacks Against Inductive Graph Neural Networks

1 code implementation15 Dec 2021 Yun Shen, Xinlei He, Yufei Han, Yang Zhang

Graph neural networks (GNNs), a new family of machine learning (ML) models, have been proposed to fully leverage graph data to build powerful applications.

Linking Emergent and Natural Languages via Corpus Transfer

1 code implementation ICLR 2022 Shunyu Yao, Mo Yu, Yang Zhang, Karthik R Narasimhan, Joshua B. Tenenbaum, Chuang Gan

In this work, we propose a novel way to establish such a link by corpus transfer, i. e. pretraining on a corpus of emergent language for downstream natural language tasks, which is in contrast to prior work that directly transfers speaker and listener parameters.

Attribute Disentanglement +2

SAP-DETR: Bridging the Gap Between Salient Points and Queries-Based Transformer Detector for Fast Model Convergency

1 code implementation CVPR 2023 Yang Liu, Yao Zhang, Yixin Wang, Yang Zhang, Jiang Tian, Zhongchao shi, Jianping Fan, Zhiqiang He

To bridge the gap between the reference points of salient queries and Transformer detectors, we propose SAlient Point-based DETR (SAP-DETR) by treating object detection as a transformation from salient points to instance objects.

Object object-detection +1

RULER: What's the Real Context Size of Your Long-Context Language Models?

1 code implementation9 Apr 2024 Cheng-Ping Hsieh, Simeng Sun, Samuel Kriman, Shantanu Acharya, Dima Rekesh, Fei Jia, Yang Zhang, Boris Ginsburg

Despite achieving nearly perfect accuracy in the vanilla NIAH test, all models exhibit large performance drops as the context length increases.

Long-Context Understanding

CoLLM: Integrating Collaborative Embeddings into Large Language Models for Recommendation

1 code implementation30 Oct 2023 Yang Zhang, Fuli Feng, Jizhi Zhang, Keqin Bao, Qifan Wang, Xiangnan He

In pursuit of superior recommendations for both cold and warm start scenarios, we introduce CoLLM, an innovative LLMRec methodology that seamlessly incorporates collaborative information into LLMs for recommendation.

NL2TL: Transforming Natural Languages to Temporal Logics using Large Language Models

3 code implementations12 May 2023 Yongchao Chen, Rujul Gandhi, Yang Zhang, Chuchu Fan

Then, we finetune T5 models on the lifted versions (i. e., the specific Atomic Propositions (AP) are hidden) of the NL and TL.

AutoTAMP: Autoregressive Task and Motion Planning with LLMs as Translators and Checkers

3 code implementations10 Jun 2023 Yongchao Chen, Jacob Arkin, Charles Dawson, Yang Zhang, Nicholas Roy, Chuchu Fan

Rather than using LLMs to directly plan task sub-goals, we instead perform few-shot translation from natural language task descriptions to an intermediate task representation that can then be consumed by a TAMP algorithm to jointly solve the task and motion plan.

Motion Planning Task and Motion Planning +1

Modality-Agnostic Attention Fusion for visual search with text feedback

2 code implementations30 Jun 2020 Eric Dodds, Jack Culpepper, Simao Herdade, Yang Zhang, Kofi Boakye

Image retrieval with natural language feedback offers the promise of catalog search based on fine-grained visual features that go beyond objects and binary attributes, facilitating real-world applications such as e-commerce.

Image Retrieval Retrieval

BiFSMNv2: Pushing Binary Neural Networks for Keyword Spotting to Real-Network Performance

1 code implementation13 Nov 2022 Haotong Qin, Xudong Ma, Yifu Ding, Xiaoyang Li, Yang Zhang, Zejun Ma, Jiakai Wang, Jie Luo, Xianglong Liu

We highlight that benefiting from the compact architecture and optimized hardware kernel, BiFSMNv2 can achieve an impressive 25. 1x speedup and 20. 2x storage-saving on edge hardware.

Binarization Keyword Spotting

Accurate LoRA-Finetuning Quantization of LLMs via Information Retention

1 code implementation8 Feb 2024 Haotong Qin, Xudong Ma, Xingyu Zheng, Xiaoyang Li, Yang Zhang, Shouda Liu, Jie Luo, Xianglong Liu, Michele Magno

This paper proposes a novel IR-QLoRA for pushing quantized LLMs with LoRA to be highly accurate through information retention.

Quantization

Inference Attacks Against Graph Neural Networks

1 code implementation6 Oct 2021 Zhikun Zhang, Min Chen, Michael Backes, Yun Shen, Yang Zhang

Second, given a subgraph of interest and the graph embedding, we can determine with high confidence that whether the subgraph is contained in the target graph.

Graph Classification Graph Embedding +2

MetaAdapt: Domain Adaptive Few-Shot Misinformation Detection via Meta Learning

1 code implementation22 May 2023 Zhenrui Yue, Huimin Zeng, Yang Zhang, Lanyu Shang, Dong Wang

As such, MetaAdapt can learn how to adapt the misinformation detection model and exploit the source data for improved performance in the target domain.

Meta-Learning Misinformation +1

Membership Inference Attacks by Exploiting Loss Trajectory

1 code implementation31 Aug 2022 Yiyong Liu, Zhengyu Zhao, Michael Backes, Yang Zhang

Machine learning models are vulnerable to membership inference attacks in which an adversary aims to predict whether or not a particular sample was contained in the target model's training dataset.

Knowledge Distillation

UnGANable: Defending Against GAN-based Face Manipulation

1 code implementation3 Oct 2022 Zheng Li, Ning Yu, Ahmed Salem, Michael Backes, Mario Fritz, Yang Zhang

Extensive experiments on four popular GAN models trained on two benchmark face datasets show that UnGANable achieves remarkable effectiveness and utility performance, and outperforms multiple baseline methods.

Face Swapping Misinformation

How to Prove Your Model Belongs to You: A Blind-Watermark based Framework to Protect Intellectual Property of DNN

1 code implementation5 Mar 2019 Zheng Li, Chengyu Hu, Yang Zhang, Shanqing Guo

To fill these gaps, in this paper, we propose a novel intellectual property protection (IPP) framework based on blind-watermark for watermarking deep neural networks that meet the requirements of security and feasibility.

Machine Translation

Improving Device-Edge Cooperative Inference of Deep Learning via 2-Step Pruning

1 code implementation8 Mar 2019 Wenqi Shi, Yunzhong Hou, Sheng Zhou, Zhisheng Niu, Yang Zhang, Lu Geng

Since the output data size of a DNN layer can be larger than that of the raw data, offloading intermediate data between layers can suffer from high transmission latency under limited wireless bandwidth.

Adversarial Support Alignment

1 code implementation ICLR 2022 Shangyuan Tong, Timur Garipov, Yang Zhang, Shiyu Chang, Tommi S. Jaakkola

Furthermore, we show that our approach can be viewed as a limit of existing notions of alignment by increasing transportation assignment tolerance.

Domain Adaptation

Pseudo Label-Guided Model Inversion Attack via Conditional Generative Adversarial Network

1 code implementation20 Feb 2023 Xiaojian Yuan, Kejiang Chen, Jie Zhang, Weiming Zhang, Nenghai Yu, Yang Zhang

At first, a top-n selection strategy is proposed to provide pseudo-labels for public data, and use pseudo-labels to guide the training of the cGAN.

Generative Adversarial Network Pseudo Label

Affinity Fusion Graph-based Framework for Natural Image Segmentation

2 code implementations24 Jun 2020 Yang Zhang, Moyun Liu, Jingwu He, Fei Pan, Yanwen Guo

The proposed framework combines adjacency-graphs and kernel spectral clustering based graphs (KSC-graphs) according to a new definition named affinity nodes of multi-scale superpixels.

Clustering Image Segmentation +3

BiFSMN: Binary Neural Network for Keyword Spotting

1 code implementation14 Feb 2022 Haotong Qin, Xudong Ma, Yifu Ding, Xiaoyang Li, Yang Zhang, Yao Tian, Zejun Ma, Jie Luo, Xianglong Liu

Then, to allow the instant and adaptive accuracy-efficiency trade-offs at runtime, we also propose a Thinnable Binarization Architecture to further liberate the acceleration potential of the binarized network from the topology perspective.

Binarization Keyword Spotting

Correcting Diffusion Generation through Resampling

1 code implementation10 Dec 2023 Yujian Liu, Yang Zhang, Tommi Jaakkola, Shiyu Chang

Despite diffusion models' superior capabilities in modeling complex distributions, there are still non-trivial distributional discrepancies between generated and ground-truth images, which has resulted in several notable problems in image generation, including missing object errors in text-to-image generation and low image quality.

Object Text-to-Image Generation

Membership Leakage in Label-Only Exposures

1 code implementation30 Jul 2020 Zheng Li, Yang Zhang

However, recent research has shown that ML models are vulnerable to attacks against their training data.

Face Recognition Inference Attack

Membership Inference Attacks Against Recommender Systems

1 code implementation16 Sep 2021 Minxing Zhang, Zhaochun Ren, Zihan Wang, Pengjie Ren, Zhumin Chen, Pengfei Hu, Yang Zhang

In this paper, we make the first attempt on quantifying the privacy leakage of recommender systems through the lens of membership inference.

Recommendation Systems

TumorCP: A Simple but Effective Object-Level Data Augmentation for Tumor Segmentation

1 code implementation21 Jul 2021 Jiawei Yang, Yao Zhang, Yuan Liang, Yang Zhang, Lei He, Zhiqiang He

Experiments on kidney tumor segmentation task demonstrate that TumorCP surpasses the strong baseline by a remarkable margin of 7. 12% on tumor Dice.

Data Augmentation Tumor Segmentation

Addressing Confounding Feature Issue for Causal Recommendation

1 code implementation13 May 2022 Xiangnan He, Yang Zhang, Fuli Feng, Chonggang Song, Lingling Yi, Guohui Ling, Yongdong Zhang

We demonstrate DCR on the backbone model of neural factorization machine (NFM), showing that DCR leads to more accurate prediction of user preference with small inference time cost.

Recommendation Systems

Data Poisoning Attacks Against Multimodal Encoders

1 code implementation30 Sep 2022 Ziqing Yang, Xinlei He, Zheng Li, Michael Backes, Mathias Humbert, Pascal Berrang, Yang Zhang

Extensive evaluations on different datasets and model architectures show that all three attacks can achieve significant attack performance while maintaining model utility in both visual and linguistic modalities.

Contrastive Learning Data Poisoning

Unsafe Diffusion: On the Generation of Unsafe Images and Hateful Memes From Text-To-Image Models

1 code implementation23 May 2023 Yiting Qu, Xinyue Shen, Xinlei He, Michael Backes, Savvas Zannettou, Yang Zhang

Our evaluation result shows that 24% of the generated images using DreamBooth are hateful meme variants that present the features of the original hateful meme and the target individual/community; these generated images are comparable to hateful meme variants collected from the real world.

A Game Theoretic Approach to Class-wise Selective Rationalization

1 code implementation NeurIPS 2019 Shiyu Chang, Yang Zhang, Mo Yu, Tommi S. Jaakkola

Selection of input features such as relevant pieces of text has become a common technique of highlighting how complex neural predictors operate.

counterfactual Sentiment Analysis +1

Auto-NBA: Efficient and Effective Search Over the Joint Space of Networks, Bitwidths, and Accelerators

1 code implementation11 Jun 2021 Yonggan Fu, Yongan Zhang, Yang Zhang, David Cox, Yingyan Lin

The key challenges include (1) the dilemma of whether to explode the memory consumption due to the huge joint space or achieve sub-optimal designs, (2) the discrete nature of the accelerator design space that is coupled yet different from that of the networks and bitwidths, and (3) the chicken and egg problem associated with network-accelerator co-search, i. e., co-search requires operation-wise hardware cost, which is lacking during search as the optimal accelerator depending on the whole network is still unknown during search.

Speech Denoising with Auditory Models

1 code implementation21 Nov 2020 Mark R. Saddler, Andrew Francl, Jenelle Feather, Kaizhi Qian, Yang Zhang, Josh H. McDermott

Contemporary speech enhancement predominantly relies on audio transforms that are trained to reconstruct a clean speech waveform.

Denoising Speech Denoising +1

Fairness Reprogramming

1 code implementation21 Sep 2022 Guanhua Zhang, Yihua Zhang, Yang Zhang, Wenqi Fan, Qing Li, Sijia Liu, Shiyu Chang

Specifically, FairReprogram considers the case where models can not be changed and appends to the input a set of perturbations, called the fairness trigger, which is tuned towards the fairness criteria under a min-max formulation.

Fairness

Amplifying Membership Exposure via Data Poisoning

1 code implementation1 Nov 2022 Yufei Chen, Chao Shen, Yun Shen, Cong Wang, Yang Zhang

In this paper, we investigate the third type of exploitation of data poisoning - increasing the risks of privacy leakage of benign training samples.

Data Poisoning Overall - Test +1

PromptBoosting: Black-Box Text Classification with Ten Forward Passes

2 code implementations19 Dec 2022 Bairu Hou, Joe O'Connor, Jacob Andreas, Shiyu Chang, Yang Zhang

Instead of directly optimizing in prompt space, PromptBoosting obtains a small pool of prompts via a gradient-free approach and then constructs a large pool of weak learners by pairing these prompts with different elements of the LM's output distribution.

Language Modelling text-classification +1

You Only Prompt Once: On the Capabilities of Prompt Learning on Large Language Models to Tackle Toxic Content

1 code implementation10 Aug 2023 Xinlei He, Savvas Zannettou, Yun Shen, Yang Zhang

We find that prompt learning achieves around 10\% improvement in the toxicity classification task compared to the baselines, while for the toxic span detection task we find better performance to the best baseline (0. 643 vs. 0. 640 in terms of $F_1$-score).

Drawing Robust Scratch Tickets: Subnetworks with Inborn Robustness Are Found within Randomly Initialized Networks

1 code implementation NeurIPS 2021 Yonggan Fu, Qixuan Yu, Yang Zhang, Shang Wu, Xu Ouyang, David Cox, Yingyan Lin

Deep Neural Networks (DNNs) are known to be vulnerable to adversarial attacks, i. e., an imperceptible perturbation to the input can mislead DNNs trained on clean images into making erroneous predictions.

Adversarial Robustness

SSLGuard: A Watermarking Scheme for Self-supervised Learning Pre-trained Encoders

1 code implementation27 Jan 2022 Tianshuo Cong, Xinlei He, Yang Zhang

Recent research has shown that the machine learning model's copyright is threatened by model stealing attacks, which aim to train a surrogate model to mimic the behavior of a given model.

Self-Supervised Learning

S$^2$ME: Spatial-Spectral Mutual Teaching and Ensemble Learning for Scribble-supervised Polyp Segmentation

1 code implementation1 Jun 2023 An Wang, Mengya Xu, Yang Zhang, Mobarakol Islam, Hongliang Ren

Furthermore, to produce reliable mixed pseudo labels, which enhance the effectiveness of ensemble learning, we introduce a novel adaptive pixel-wise fusion technique based on the entropy guidance from the spatial and spectral branches.

Ensemble Learning Image Segmentation +4

Semi-supervised Cardiac Image Segmentation via Label Propagation and Style Transfer

1 code implementation29 Dec 2020 Yao Zhang, Jiawei Yang, Feng Hou, Yang Liu, Yixin Wang, Jiang Tian, Cheng Zhong, Yang Zhang, Zhiqiang He

Accurate segmentation of cardiac structures can assist doctors to diagnose diseases, and to improve treatment planning, which is highly demanded in the clinical practice.

Image Segmentation Segmentation +2

Teacher Model Fingerprinting Attacks Against Transfer Learning

2 code implementations23 Jun 2021 Yufei Chen, Chao Shen, Cong Wang, Yang Zhang

To this end, we propose a teacher model fingerprinting attack to infer the origin of a student model, i. e., the teacher model it transfers from.

Transfer Learning

Semi-Leak: Membership Inference Attacks Against Semi-supervised Learning

1 code implementation25 Jul 2022 Xinlei He, Hongbin Liu, Neil Zhenqiang Gong, Yang Zhang

The results show that early stopping can mitigate the membership inference attack, but with the cost of model's utility degradation.

Data Augmentation Inference Attack +1

Rethinking Cooperative Rationalization: Introspective Extraction and Complement Control

2 code implementations IJCNLP 2019 Mo Yu, Shiyu Chang, Yang Zhang, Tommi S. Jaakkola

Moreover, we explicitly control the rationale complement via an adversary so as not to leave any useful information out of the selection.

Quantifying and Mitigating Privacy Risks of Contrastive Learning

1 code implementation8 Feb 2021 Xinlei He, Yang Zhang

Our experimental results show that contrastive models trained on image datasets are less vulnerable to membership inference attacks but more vulnerable to attribute inference attacks compared to supervised models.

Attribute BIG-bench Machine Learning +4

Dual Memory Aggregation Network for Event-Based Object Detection with Learnable Representation

1 code implementation17 Mar 2023 Dongsheng Wang, Xu Jia, Yang Zhang, Xinyu Zhang, Yaoyuan Wang, Ziyang Zhang, Dong Wang, Huchuan Lu

To fully exploit information with event streams to detect objects, a dual-memory aggregation network (DMANet) is proposed to leverage both long and short memory along event streams to aggregate effective information for object detection.

Object object-detection +1

RealPoint3D: Point Cloud Generation from a Single Image with Complex Background

1 code implementation8 Sep 2018 Yan Xia, Yang Zhang, Dingfu Zhou, Xinyu Huang, Cheng Wang, Ruigang Yang

Then, the image together with the retrieved shape model is fed into the proposed network to generate the fine-grained 3D point cloud.

3D Generation Point Cloud Generation

Data-Efficient Double-Win Lottery Tickets from Robust Pre-training

1 code implementation9 Jun 2022 Tianlong Chen, Zhenyu Zhang, Sijia Liu, Yang Zhang, Shiyu Chang, Zhangyang Wang

For example, on downstream CIFAR-10/100 datasets, we identify double-win matching subnetworks with the standard, fast adversarial, and adversarial pre-training from ImageNet, at 89. 26%/73. 79%, 89. 26%/79. 03%, and 91. 41%/83. 22% sparsity, respectively.

Transfer Learning

On the Evolution of (Hateful) Memes by Means of Multimodal Contrastive Learning

2 code implementations13 Dec 2022 Yiting Qu, Xinlei He, Shannon Pierson, Michael Backes, Yang Zhang, Savvas Zannettou

The dissemination of hateful memes online has adverse effects on social media platforms and the real world.

Contrastive Learning

TextGrad: Advancing Robustness Evaluation in NLP by Gradient-Driven Optimization

1 code implementation19 Dec 2022 Bairu Hou, Jinghan Jia, Yihua Zhang, Guanhua Zhang, Yang Zhang, Sijia Liu, Shiyu Chang

Robustness evaluation against adversarial examples has become increasingly important to unveil the trustworthiness of the prevailing deep models in natural language processing (NLP).

Adversarial Defense Adversarial Robustness +1

Enhancing Semantic Fidelity in Text-to-Image Synthesis: Attention Regulation in Diffusion Models

1 code implementation11 Mar 2024 Yang Zhang, Teoh Tze Tzun, Lim Wei Hern, Tiviatis Sim, Kenji Kawaguchi

Recent advancements in diffusion models have notably improved the perceptual quality of generated images in text-to-image synthesis tasks.

Image Generation

decoupleQ: Towards 2-bit Post-Training Uniform Quantization via decoupling Parameters into Integer and Floating Points

1 code implementation19 Apr 2024 Yi Guo, Fanliu Kong, Xiaoyang Li, Hui Li, Wei Chen, Xiaogang Tian, Jinping Cai, Yang Zhang, Shouda Liu

However, existing quantization schemes suffer from significant accuracy degradation at very low bits, or require some additional computational overhead when deployed, making it difficult to be applied to large-scale applications in industry.

SACoD: Sensor Algorithm Co-Design Towards Efficient CNN-powered Intelligent PhlatCam

1 code implementation ICCV 2021 Yonggan Fu, Yang Zhang, Yue Wang, Zhihan Lu, Vivek Boominathan, Ashok Veeraraghavan, Yingyan Lin

PhlatCam, with its form factor potentially reduced by orders of magnitude, has emerged as a promising solution to the first aforementioned challenge, while the second one remains a bottleneck.

Benchmarking Model Compression +1

On the Privacy Risks of Cell-Based NAS Architectures

1 code implementation4 Sep 2022 Hai Huang, Zhikun Zhang, Yun Shen, Michael Backes, Qi Li, Yang Zhang

Existing studies on neural architecture search (NAS) mainly focus on efficiently and effectively searching for network architectures with better performance.

Neural Architecture Search

A Plot is Worth a Thousand Words: Model Information Stealing Attacks via Scientific Plots

1 code implementation23 Feb 2023 Boyang Zhang, Xinlei He, Yun Shen, Tianhao Wang, Yang Zhang

Given the simplicity and effectiveness of the attack method, our study indicates scientific plots indeed constitute a valid side channel for model information stealing attacks.

valid

Reformulating CTR Prediction: Learning Invariant Feature Interactions for Recommendation

1 code implementation26 Apr 2023 Yang Zhang, Tianhao Shi, Fuli Feng, Wenjie Wang, Dingxian Wang, Xiangnan He, Yongdong Zhang

However, such a manner inevitably learns unstable feature interactions, i. e., the ones that exhibit strong correlations in historical data but generalize poorly for future serving.

Click-Through Rate Prediction Disentanglement +1

Faster OreFSDet : A Lightweight and Effective Few-shot Object Detector for Ore Images

1 code implementation2 May 2023 Yang Zhang, Le Cheng, Yuting Peng, Chengming Xu, Yanwei Fu, Bo Wu, Guodong Sun

For the ore particle size detection, obtaining a sizable amount of high-quality ore labeled data is time-consuming and expensive.

Object object-detection +1

CAMOU: Learning Physical Vehicle Camouflages to Adversarially Attack Detectors in the Wild

1 code implementation ICLR 2019 Yang Zhang, Hassan Foroosh, Philip David, Boqing Gong

In particular, we learn a camouflage pattern to hide vehicles from being detected by state-of-the-art convolutional neural network based detectors.

Adversarial Attack Object

$t$-$k$-means: A Robust and Stable $k$-means Variant

1 code implementation17 Jul 2019 Yiming Li, Yang Zhang, Qingtao Tang, Weipeng Huang, Yong Jiang, Shu-Tao Xia

$k$-means algorithm is one of the most classical clustering methods, which has been widely and successfully used in signal processing.

Clustering

Towards Interpreting Recurrent Neural Networks through Probabilistic Abstraction

1 code implementation22 Sep 2019 Guoliang Dong, Jingyi Wang, Jun Sun, Yang Zhang, Xinyu Wang, Ting Dai, Jin Song Dong, Xingen Wang

In this work, we propose an approach to extract probabilistic automata for interpreting an important class of neural networks, i. e., recurrent neural networks.

Machine Translation Object Recognition

Voting for the right answer: Adversarial defense for speaker verification

1 code implementation15 Jun 2021 Haibin Wu, Yang Zhang, Zhiyong Wu, Dong Wang, Hung-Yi Lee

Automatic speaker verification (ASV) is a well developed technology for biometric identification, and has been ubiquitous implemented in security-critic applications, such as banking and access control.

Adversarial Defense Speaker Verification

Topogivity: A Machine-Learned Chemical Rule for Discovering Topological Materials

1 code implementation10 Feb 2022 Andrew Ma, Yang Zhang, Thomas Christensen, Hoi Chun Po, Li Jing, Liang Fu, Marin Soljačić

Topological materials present unconventional electronic properties that make them attractive for both basic science and next-generation technological applications.

Efficient Real-time Path Planning with Self-evolving Particle Swarm Optimization in Dynamic Scenarios

1 code implementation20 Aug 2023 Jinghao Xin, Zhi Li, Yang Zhang, Ning li

Particle Swarm Optimization (PSO) has demonstrated efficacy in addressing static path planning problems.

Computational Efficiency

A Theoretical Explanation for Perplexing Behaviors of Backpropagation-based Visualizations

1 code implementation ICML 2018 Weili Nie, Yang Zhang, Ankit Patel

Backpropagation-based visualizations have been proposed to interpret convolutional neural networks (CNNs), however a theory is missing to justify their behaviors: Guided backpropagation (GBP) and deconvolutional network (DeconvNet) generate more human-interpretable but less class-sensitive visualizations than saliency map.

Improving Neural Radiance Fields with Depth-aware Optimization for Novel View Synthesis

1 code implementation11 Apr 2023 Shu Chen, Junyao Li, Yang Zhang, Beiji Zou

Through these explicit constraints and the implicit constraint from NeRF, our method improves the view synthesis as well as the 3D-scene geometry performance of NeRF at the same time.

Depth Estimation Novel View Synthesis

Prediction then Correction: An Abductive Prediction Correction Method for Sequential Recommendation

1 code implementation27 Apr 2023 Yulong Huang, Yang Zhang, Qifan Wang, Chenxu Wang, Fuli Feng

To improve the accuracy of these models, some researchers have attempted to simulate human analogical reasoning to correct predictions for testing data by drawing analogies with the prediction errors of similar training data.

Sequential Recommendation

Spatial-information Guided Adaptive Context-aware Network for Efficient RGB-D Semantic Segmentation

1 code implementation11 Aug 2023 Yang Zhang, Chenyun Xiong, Junjie Liu, Xuhui Ye, Guodong Sun

Efficient RGB-D semantic segmentation has received considerable attention in mobile robots, which plays a vital role in analyzing and recognizing environmental information.

Segmentation Semantic Segmentation

VGMShield: Mitigating Misuse of Video Generative Models

1 code implementation20 Feb 2024 Yan Pang, Yang Zhang, Tianhao Wang

Together with fake video detection and tracing, our multi-faceted set of solutions can effectively mitigate misuse of video generative models.

Video Generation

Defending Large Language Models against Jailbreak Attacks via Semantic Smoothing

1 code implementation25 Feb 2024 Jiabao Ji, Bairu Hou, Alexander Robey, George J. Pappas, Hamed Hassani, Yang Zhang, Eric Wong, Shiyu Chang

Aligned large language models (LLMs) are vulnerable to jailbreaking attacks, which bypass the safeguards of targeted LLMs and fool them into generating objectionable content.

Instruction Following

Effective Tensor Completion via Element-wise Weighted Low-rank Tensor Train with Overlapping Ket Augmentation

1 code implementation13 Sep 2021 Yang Zhang, Yao Wang, Zhi Han, Xi'ai Chen, Yandong Tang

Accordingly, a novel formulation for tensor completion and an effective optimization algorithm, called as tensor completion by parallel weighted matrix factorization via tensor train (TWMac-TT), is proposed.

Blocking

FACE-AUDITOR: Data Auditing in Facial Recognition Systems

2 code implementations5 Apr 2023 Min Chen, Zhikun Zhang, Tianhao Wang, Michael Backes, Yang Zhang

Few-shot-based facial recognition systems have gained increasing attention due to their scalability and ability to work with a few face images during the model deployment phase.

NOTABLE: Transferable Backdoor Attacks Against Prompt-based NLP Models

1 code implementation28 May 2023 Kai Mei, Zheng Li, Zhenting Wang, Yang Zhang, Shiqing Ma

Such attacks can be easily affected by retraining on downstream tasks and with different prompting strategies, limiting the transferability of backdoor attacks.

Generated Graph Detection

1 code implementation13 Jun 2023 Yihan Ma, Zhikun Zhang, Ning Yu, Xinlei He, Michael Backes, Yun Shen, Yang Zhang

Graph generative models become increasingly effective for data distribution approximation and data augmentation.

Data Augmentation Face Swapping +1

Certified Robustness for Large Language Models with Self-Denoising

1 code implementation14 Jul 2023 Zhen Zhang, Guanhua Zhang, Bairu Hou, Wenqi Fan, Qing Li, Sijia Liu, Yang Zhang, Shiyu Chang

This largely falls into the study of certified robust LLMs, i. e., all predictions of LLM are certified to be correct in a local region around the input.

Denoising

Decomposing Uncertainty for Large Language Models through Input Clarification Ensembling

1 code implementation15 Nov 2023 Bairu Hou, Yujian Liu, Kaizhi Qian, Jacob Andreas, Shiyu Chang, Yang Zhang

Uncertainty decomposition refers to the task of decomposing the total uncertainty of a model into data (aleatoric) uncertainty, resulting from the inherent complexity or ambiguity of the data, and model (epistemic) uncertainty, resulting from the lack of knowledge in the model.

Uncertainty Quantification

Advancing the Robustness of Large Language Models through Self-Denoised Smoothing

1 code implementation18 Apr 2024 Jiabao Ji, Bairu Hou, Zhen Zhang, Guanhua Zhang, Wenqi Fan, Qing Li, Yang Zhang, Gaowen Liu, Sijia Liu, Shiyu Chang

Although large language models (LLMs) have achieved significant success, their vulnerability to adversarial perturbations, including recent jailbreak attacks, has raised considerable concerns.

SQL Generation via Machine Reading Comprehension

1 code implementation COLING 2020 Zeyu Yan, Jianqiang Ma, Yang Zhang, Jianping Shen

Text-to-SQL systems offers natural language interfaces to databases, which can automatically generates SQL queries given natural language questions.

Machine Reading Comprehension Question Answering +3

LabelCraft: Empowering Short Video Recommendations with Automated Label Crafting

1 code implementation18 Dec 2023 Yimeng Bai, Yang Zhang, Jing Lu, Jianxin Chang, Xiaoxue Zang, Yanan Niu, Yang song, Fuli Feng

Through meta-learning techniques, LabelCraft effectively addresses the bi-level optimization hurdle posed by the recommender and labeling models, enabling the automatic acquisition of intricate label generation mechanisms. Extensive experiments on real-world datasets corroborate LabelCraft's excellence across varied operational metrics, encompassing usage time, user engagement, and retention.

Meta-Learning Model Optimization

Multi-stage malaria parasite recognition by deep learning

1 code implementation GigaScience 2021 Sen Li, Zeyu Du, Xiangjie Meng, Yang Zhang

The proposed method showed higher accuracy and effectiveness in publicly available microscopic images of multi-stage malaria parasites compared to a wide range of state-of-the-art approaches.

Property Inference Attacks Against GANs

1 code implementation15 Nov 2021 Junhao Zhou, Yufei Chen, Chao Shen, Yang Zhang

In addition, we show that our attacks can be used to enhance the performance of membership inference against GANs.

Attribute Fairness +1

Augment before You Try: Knowledge-Enhanced Table Question Answering via Table Expansion

1 code implementation28 Jan 2024 Yujian Liu, Jiabao Ji, Tong Yu, Ryan Rossi, Sungchul Kim, Handong Zhao, Ritwik Sinha, Yang Zhang, Shiyu Chang

Table question answering is a popular task that assesses a model's ability to understand and interact with structured data.

Question Answering

Understanding Interlocking Dynamics of Cooperative Rationalization

1 code implementation NeurIPS 2021 Mo Yu, Yang Zhang, Shiyu Chang, Tommi S. Jaakkola

The selection mechanism is commonly integrated into the model itself by specifying a two-component cascaded system consisting of a rationale generator, which makes a binary selection of the input features (which is the rationale), and a predictor, which predicts the output based only on the selected features.

Hard Attention

Adaptive Fusion Affinity Graph with Noise-free Online Low-rank Representation for Natural Image Segmentation

1 code implementation22 Oct 2021 Yang Zhang, Moyun Liu, Huiming Zhang, Guodong Sun, Jingwu He

To reduce time complexity while improving performance, a sparse representation of global nodes based on noise-free online low-rank representation is used to obtain a global graph at each scale.

Density Estimation Image Segmentation +2

Rethinking Missing Data: Aleatoric Uncertainty-Aware Recommendation

1 code implementation22 Sep 2022 Chenxu Wang, Fuli Feng, Yang Zhang, Qifan Wang, Xunhan Hu, Xiangnan He

A standard choice is treating the missing data as negative training samples and estimating interaction likelihood between user-item pairs along with the observed interactions.

Mitigating Spurious Correlations for Self-supervised Recommendation

1 code implementation8 Dec 2022 Xinyu Lin, Yiyan Xu, Wenjie Wang, Yang Zhang, Fuli Feng

This objective requires to 1) automatically mask spurious features without supervision, and 2) block the negative effect transmission from spurious features to other features during SSL.

Feature Engineering Recommendation Systems +1

Prompt Stealing Attacks Against Text-to-Image Generation Models

1 code implementation20 Feb 2023 Xinyue Shen, Yiting Qu, Michael Backes, Yang Zhang

In this paper, we perform the first study on understanding the threat of a novel attack, namely prompt stealing attack, which aims to steal prompts from generated images by text-to-image generation models.

Text-to-Image Generation

Generated Distributions Are All You Need for Membership Inference Attacks Against Generative Models

1 code implementation30 Oct 2023 Minxing Zhang, Ning Yu, Rui Wen, Michael Backes, Yang Zhang

Several membership inference attacks (MIAs) have been proposed to exhibit the privacy vulnerability of generative models by classifying a query image as a training dataset member or nonmember.

Inference Attack Membership Inference Attack

Synthesizing Knowledge-enhanced Features for Real-world Zero-shot Food Detection

1 code implementation14 Feb 2024 Pengfei Zhou, Weiqing Min, Jiajun Song, Yang Zhang, Shuqiang Jiang

The complexity of food semantic attributes further makes it more difficult for current ZSD methods to distinguish various food categories.

Attribute Nutrition

Prospect Personalized Recommendation on Large Language Model-based Agent Platform

1 code implementation28 Feb 2024 Jizhi Zhang, Keqin Bao, Wenjie Wang, Yang Zhang, Wentao Shi, Wanhong Xu, Fuli Feng, Tat-Seng Chua

Additionally, we prospect the evolution of Rec4Agentverse and conceptualize it into three stages based on the enhancement of the interaction and information exchange among Agent Items, Agent Recommender, and the user.

Language Modelling Large Language Model +1

Gradient-Leaks: Understanding and Controlling Deanonymization in Federated Learning

no code implementations15 May 2018 Tribhuvanesh Orekondy, Seong Joon Oh, Yang Zhang, Bernt Schiele, Mario Fritz

At the core of FL is a network of anonymous user devices sharing training information (model parameter updates) computed locally on personal data.

Data Augmentation Federated Learning +1

KNPTC: Knowledge and Neural Machine Translation Powered Chinese Pinyin Typo Correction

no code implementations2 May 2018 Hengyi Cai, Xingguang Ji, Yonghao Song, Yan Jin, Yang Zhang, Mairgup Mansur, Xiaofang Zhao

In contrast to previous work, KNPTC is able to integrate explicit knowledge into NMT for pinyin typo correction, and is able to learn to correct a variety of typos without the guidance of manually selected constraints or languagespecific features.

Machine Translation NMT +2

Deep Learning Based Speech Beamforming

no code implementations15 Feb 2018 Kaizhi Qian, Yang Zhang, Shiyu Chang, Xuesong Yang, Dinei Florencio, Mark Hasegawa-Johnson

On the other hand, deep learning based enhancement approaches are able to learn complicated speech distributions and perform efficient inference, but they are unable to deal with variable number of input channels.

Speech Enhancement

Local Contrast Learning

no code implementations10 Feb 2018 Chuanyun Xu, Yang Zhang, Xin Feng, YongXing Ge, Yihao Zhang, Jianwu Long

We focus on one-shot classification by deep learning approach based on a small quantity of training samples.

General Classification Small Data Image Classification

Infinite-Label Learning with Semantic Output Codes

no code implementations23 Aug 2016 Yang Zhang, Rupam Acharyya, Ji Liu, Boqing Gong

We develop a new statistical machine learning paradigm, named infinite-label learning, to annotate a data point with more than one relevant labels from a candidate set, which pools both the finite labels observed at training and a potentially infinite number of previously unseen labels.

Multi-Label Learning Zero-Shot Learning

Deep LSTM for Large Vocabulary Continuous Speech Recognition

no code implementations21 Mar 2017 Xu Tian, Jun Zhang, Zejun Ma, Yi He, Juan Wei, Peihao Wu, Wenchang Situ, Shuai Li, Yang Zhang

It is a competitive framework that LSTM models of more than 7 layers are successfully trained on Shenma voice search data in Mandarin and they outperform the deep LSTM models trained by conventional approach.

speech-recognition Speech Recognition +1

Streaming Recommender Systems

no code implementations21 Jul 2016 Shiyu Chang, Yang Zhang, Jiliang Tang, Dawei Yin, Yi Chang, Mark A. Hasegawa-Johnson, Thomas S. Huang

The increasing popularity of real-world recommender systems produces data continuously and rapidly, and it becomes more realistic to study recommender systems under streaming scenarios.

Recommendation Systems

Fast Zero-Shot Image Tagging

no code implementations CVPR 2016 Yang Zhang, Boqing Gong, Mubarak Shah

The well-known word analogy experiments show that the recent word vectors capture fine-grained linguistic regularities in words by linear vector offsets, but it is unclear how well the simple vector offsets can encode visual regularities over words.

Multi-label zero-shot learning

HDRFusion: HDR SLAM using a low-cost auto-exposure RGB-D sensor

no code implementations4 Apr 2016 Shuda Li, Ankur Handa, Yang Zhang, Andrew Calway

We describe a new method for comparing frame appearance in a frame-to-model 3-D mapping and tracking system using an low dynamic range (LDR) RGB-D camera which is robust to brightness changes caused by auto exposure.

Efficient Metropolitan Traffic Prediction Based on Graph Recurrent Neural Network

no code implementations2 Nov 2018 Xiaoyu Wang, Cailian Chen, Yang Min, Jianping He, Bo Yang, Yang Zhang

Traffic prediction is a fundamental and vital task in Intelligence Transportation System (ITS), but it is very challenging to get high accuracy while containing low computational complexity due to the spatiotemporal characteristics of traffic flow, especially under the metropolitan circumstances.

Traffic Prediction

Based on Graph-VAE Model to Predict Student's Score

no code implementations8 Mar 2019 Yang Zhang, Mingming Lu

In this paper, the graph neural network matrix filling model (Graph-VAE) based on deep learning can automatically extract features without a large amount of prior knowledge.

Clustering

Updates-Leak: Data Set Inference and Reconstruction Attacks in Online Learning

no code implementations1 Apr 2019 Ahmed Salem, Apratim Bhattacharya, Michael Backes, Mario Fritz, Yang Zhang

As data generation is a continuous process, this leads to ML model owners updating their models frequently with newly-collected data in an online learning scenario.

VAE-based regularization for deep speaker embedding

no code implementations7 Apr 2019 Yang Zhang, Lantian Li, Dong Wang

Deep speaker embedding has achieved state-of-the-art performance in speaker recognition.

Speaker Recognition

Language in Our Time: An Empirical Analysis of Hashtags

no code implementations11 May 2019 Yang Zhang

Second, we observe that a non-negligible proportion of hashtags exhibit large semantic displacement.

Graph Embedding

AlphaStock: A Buying-Winners-and-Selling-Losers Investment Strategy using Interpretable Deep Reinforcement Attention Networks

no code implementations24 Jul 2019 Jingyuan Wang, Yang Zhang, Ke Tang, Junjie Wu, Zhang Xiong

Recent years have witnessed the successful marriage of finance innovations and AI techniques in various finance applications including quantitative trading (QT).

Deep Attention reinforcement-learning +2

An Online Reinforcement Learning Approach to Quality-Cost-Aware Task Allocation for Multi-Attribute Social Sensing

no code implementations11 Sep 2019 Yang Zhang, Daniel Zhang, Nathan Vance, Dong Wang

Social sensing has emerged as a new sensing paradigm where humans (or devices on their behalf) collectively report measurements about the physical world.

Attribute

Deciphering Interactions in Causal Networks without Parametric Assumptions

no code implementations12 Nov 2013 Yang Zhang, Mingzhou Song

With the assumption that the effect is a mathematical function of the cause in a causal relationship, FunChisq, a chi-square test defined on a non-parametric representation of interactions, infers network topology considering both interaction directionality and nonlinearity.

Molecular Networks

A System-Level Solution for Low-Power Object Detection

no code implementations24 Sep 2019 Fanrong Li, Zitao Mo, Peisong Wang, Zejian Liu, Jiayun Zhang, Gang Li, Qinghao Hu, Xiangyu He, Cong Leng, Yang Zhang, Jian Cheng

As a case study, we evaluate our object detection system on a real-world surveillance video with input size of 512x512, and it turns out that the system can achieve an inference speed of 18 fps at the cost of 6. 9W (with display) with an mAP of 66. 4 verified on the PASCAL VOC 2012 dataset.

Object object-detection +2

An Efficient and Margin-Approaching Zero-Confidence Adversarial Attack

no code implementations ICLR 2019 Yang Zhang, Shiyu Chang, Mo Yu, Kaizhi Qian

The second paradigm, called the zero-confidence attack, finds the smallest perturbation needed to cause mis-classification, also known as the margin of an input feature.

Adversarial Attack

Semantic Feature Attention Network for Liver Tumor Segmentation in Large-scale CT database

no code implementations1 Nov 2019 Yao Zhang, Cheng Zhong, Yang Zhang, Zhongchao shi, Zhiqiang He

In the SFAN, a Semantic Attention Transmission (SAT) module is designed to select discriminative low-level localization details with the guidance of neighboring high-level semantic information.

Computed Tomography (CT) Segmentation +1

A unified sequence-to-sequence front-end model for Mandarin text-to-speech synthesis

no code implementations11 Nov 2019 Junjie Pan, Xiang Yin, Zhiling Zhang, Shichao Liu, Yang Zhang, Zejun Ma, Yuxuan Wang

In Mandarin text-to-speech (TTS) system, the front-end text processing module significantly influences the intelligibility and naturalness of synthesized speech.

Polyphone disambiguation Speech Synthesis +1

Citation Recommendations Considering Content and Structural Context Embedding

no code implementations8 Jan 2020 Yang Zhang, Qiang Ma

The number of academic papers being published is increasing exponentially in recent years, and recommending adequate citations to assist researchers in writing papers is a non-trivial task.

Optimizing seed inputs in fuzzing with machine learning

no code implementations7 Feb 2019 Liang Cheng, Yang Zhang, Yi Zhang, Chen Wu, Zhangtan Li, Yu Fu, Haisheng Li

Our experiments on a set of widely used PDF viewers demonstrate that the improved seed inputs produced by our framework could significantly increase the code coverage of the target program and the likelihood of detecting program crashes.

Cryptography and Security

Face Hallucination with Finishing Touches

no code implementations9 Feb 2020 Yang Zhang, Ivor W. Tsang, Jun Li, Ping Liu, Xiaobo Lu, Xin Yu

The coarse-level FHnet generates a frontal coarse HR face and then the fine-level FHnet makes use of the facial component appearance prior, i. e., fine-grained facial components, to attain a frontal HR face image with authentic details.

Face Hallucination Face Recognition +2

Copy and Paste GAN: Face Hallucination from Shaded Thumbnails

no code implementations CVPR 2020 Yang Zhang, Ivor Tsang, Yawei Luo, Changhui Hu, Xiaobo Lu, Xin Yu

This paper proposes a Copy and Paste Generative Adversarial Network (CPGAN) to recover authentic high-resolution (HR) face images while compensating for low and non-uniform illumination.

Face Hallucination Generative Adversarial Network +1

Dynamic Backdoor Attacks Against Machine Learning Models

no code implementations7 Mar 2020 Ahmed Salem, Rui Wen, Michael Backes, Shiqing Ma, Yang Zhang

Triggers generated by our techniques can have random patterns and locations, which reduce the efficacy of the current backdoor detection mechanisms.

Backdoor Attack BIG-bench Machine Learning

Reinterpretation of LHC Results for New Physics: Status and Recommendations after Run 2

no code implementations17 Mar 2020 Waleed Abdallah, Shehu AbdusSalam, Azar Ahmadov, Amine Ahriche, Gaël Alguero, Benjamin C. Allanach, Jack Y. Araz, Alexandre Arbey, Chiara Arina, Peter Athron, Emanuele Bagnaschi, Yang Bai, Michael J. Baker, Csaba Balazs, Daniele Barducci, Philip Bechtle, Aoife Bharucha, Andy Buckley, Jonathan Butterworth, Haiying Cai, Claudio Campagnari, Cari Cesarotti, Marcin Chrzaszcz, Andrea Coccaro, Eric Conte, Jonathan M. Cornell, Louie Dartmoor Corpe, Matthias Danninger, Luc Darmé, Aldo Deandrea, Nishita Desai, Barry Dillon, Caterina Doglioni, Juhi Dutta, John R. Ellis, Sebastian Ellis, Farida Fassi, Matthew Feickert, Nicolas Fernandez, Sylvain Fichet, Jernej F. Kamenik, Thomas Flacke, Benjamin Fuks, Achim Geiser, Marie-Hélène Genest, Akshay Ghalsasi, Tomas Gonzalo, Mark Goodsell, Stefania Gori, Philippe Gras, Admir Greljo, Diego Guadagnoli, Sven Heinemeyer, Lukas A. Heinrich, Jan Heisig, Deog Ki Hong, Tetiana Hryn'ova, Katri Huitu, Philip Ilten, Ahmed Ismail, Adil Jueid, Felix Kahlhoefer, Jan Kalinowski, Deepak Kar, Yevgeny Kats, Charanjit K. Khosa, Valeri Khoze, Tobias Klingl, Pyungwon Ko, Kyoungchul Kong, Wojciech Kotlarski, Michael Krämer, Sabine Kraml, Suchita Kulkarni, Anders Kvellestad, Clemens Lange, Kati Lassila-Perini, Seung J. Lee, Andre Lessa, Zhen Liu, Lara Lloret Iglesias, Jeanette M. Lorenz, Danika MacDonell, Farvah Mahmoudi, Judita Mamuzic, Andrea C. Marini, Pete Markowitz, Pablo Martinez Ruiz del Arbol, David Miller, Vasiliki Mitsou, Stefano Moretti, Marco Nardecchia, Siavash Neshatpour, Dao Thi Nhung, Per Osland, Patrick H. Owen, Orlando Panella, Alexander Pankov, Myeonghun Park, Werner Porod, Darren Price, Harrison Prosper, Are Raklev, Jürgen Reuter, Humberto Reyes-González, Thomas Rizzo, Tania Robens, Juan Rojo, Janusz A. Rosiek, Oleg Ruchayskiy, Veronica Sanz, Kai Schmidt-Hoberg, Pat Scott, Sezen Sekmen, Dipan Sengupta, Elizabeth Sexton-Kennedy, Hua-Sheng Shao, Seodong Shin, Luca Silvestrini, Ritesh Singh, Sukanya Sinha, Jory Sonneveld, Yotam Soreq, Giordon H. Stark, Tim Stefaniak, Jesse Thaler, Riccardo Torre, Emilio Torrente-Lujan, Gokhan Unel, Natascia Vignaroli, Wolfgang Waltenberger, Nicholas Wardle, Graeme Watt, Georg Weiglein, Martin J. White, Sophie L. Williamson, Jonas Wittbrodt, Lei Wu, Stefan Wunsch, Tevong You, Yang Zhang, José Zurita

We report on the status of efforts to improve the reinterpretation of searches and measurements at the LHC in terms of models for new physics, in the context of the LHC Reinterpretation Forum.

High Energy Physics - Phenomenology High Energy Physics - Experiment

Adaptive Multiscale Illumination-Invariant Feature Representation for Undersampled Face Recognition

no code implementations7 Apr 2020 Yang Zhang, Changhui Hu, Xiaobo Lu

Then, the illumination level is referenced to construct the high performance LEF as well realize adaptive fusion for multiple scales LEFs for the face image, performing JLEF-feature.

Face Recognition

Deep Attentive Generative Adversarial Network for Photo-Realistic Image De-Quantization

no code implementations7 Apr 2020 Yang Zhang, Changhui Hu, Xiaobo Lu

In addition, due to the adversarial learning framework can reliably produce high quality natural images, the specified content loss as well as the adversarial loss are back-propagated to optimize the training of model.

Generative Adversarial Network Quantization +1

Improved YOLOv3 Object Classification in Intelligent Transportation System

no code implementations8 Apr 2020 Yang Zhang, Changhui Hu, Xiaobo Lu

The technology of vehicle and driver detection in Intelligent Transportation System(ITS) is a hot topic in recent years.

Blocking Classification +2

ByteSing: A Chinese Singing Voice Synthesis System Using Duration Allocated Encoder-Decoder Acoustic Models and WaveRNN Vocoders

no code implementations23 Apr 2020 Yu Gu, Xiang Yin, Yonghui Rao, Yuan Wan, Benlai Tang, Yang Zhang, Jitong Chen, Yuxuan Wang, Zejun Ma

This paper presents ByteSing, a Chinese singing voice synthesis (SVS) system based on duration allocated Tacotron-like acoustic models and WaveRNN neural vocoders.

Singing Voice Synthesis

Stealing Links from Graph Neural Networks

no code implementations5 May 2020 Xinlei He, Jinyuan Jia, Michael Backes, Neil Zhenqiang Gong, Yang Zhang

In this work, we propose the first attacks to steal a graph from the outputs of a GNN model that is trained on the graph.

Fraud Detection Recommendation Systems

FA-GANs: Facial Attractiveness Enhancement with Generative Adversarial Networks on Frontal Faces

no code implementations17 May 2020 Jingwu He, Chuan Wang, Yang Zhang, Jie Guo, Yanwen Guo

To the best of our knowledge, we are the first to enhance the facial attractiveness with GANs in both geometry and appearance aspects.

Reliable Federated Learning for Mobile Networks

no code implementations14 Oct 2019 Jiawen Kang, Zehui Xiong, Dusit Niyato, Yuze Zou, Yang Zhang, Mohsen Guizani

Based on this metric, a reliable worker selection scheme is proposed for federated learning tasks.

Cryptography and Security

BadNL: Backdoor Attacks against NLP Models with Semantic-preserving Improvements

no code implementations1 Jun 2020 Xiaoyi Chen, Ahmed Salem, Dingfan Chen, Michael Backes, Shiqing Ma, Qingni Shen, Zhonghai Wu, Yang Zhang

In this paper, we perform a systematic investigation of backdoor attack on NLP models, and propose BadNL, a general NLP backdoor attack framework including novel attack methods.

Backdoor Attack BIG-bench Machine Learning +1

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