Search Results for author: Chong Zhang

Found 55 papers, 18 papers with code

Goal-guided Generative Prompt Injection Attack on Large Language Models

no code implementations6 Apr 2024 Chong Zhang, Mingyu Jin, Qinkai Yu, Chengzhi Liu, Haochen Xue, Xiaobo Jin

Although there is currently a large amount of research on prompt injection attacks, most of these black-box attacks use heuristic strategies.

Adversarial Text

Knowledge Graph Large Language Model (KG-LLM) for Link Prediction

no code implementations12 Mar 2024 Dong Shu, Tianle Chen, Mingyu Jin, Yiting Zhang, Chong Zhang, Mengnan Du, Yongfeng Zhang

The task of predicting multiple links within knowledge graphs (KGs) stands as a challenge in the field of knowledge graph analysis, a challenge increasingly resolvable due to advancements in natural language processing (NLP) and KG embedding techniques.

In-Context Learning Knowledge Graphs +3

Learning Human-to-Humanoid Real-Time Whole-Body Teleoperation

no code implementations7 Mar 2024 Tairan He, Zhengyi Luo, Wenli Xiao, Chong Zhang, Kris Kitani, Changliu Liu, Guanya Shi

We present Human to Humanoid (H2O), a reinforcement learning (RL) based framework that enables real-time whole-body teleoperation of a full-sized humanoid robot with only an RGB camera.

Reinforcement Learning (RL)

Rethinking the Evaluation of Pre-trained Text-and-Layout Models from an Entity-Centric Perspective

no code implementations4 Feb 2024 Chong Zhang, Yixi Zhao, Chenshu Yuan, Yi Tu, Ya Guo, Qi Zhang

Therefore, we claim the necessary standards for an ideal benchmark to evaluate the information extraction ability of PTLMs.

Entity Linking

Health-LLM: Personalized Retrieval-Augmented Disease Prediction System

1 code implementation1 Feb 2024 Mingyu Jin, Qinkai Yu, Dong Shu, Chong Zhang, Lizhou Fan, Wenyue Hua, Suiyuan Zhu, Yanda Meng, Zhenting Wang, Mengnan Du, Yongfeng Zhang

Compared to traditional health management applications, our system has three main advantages: (1) It integrates health reports and medical knowledge into a large model to ask relevant questions to large language model for disease prediction; (2) It leverages a retrieval augmented generation (RAG) mechanism to enhance feature extraction; (3) It incorporates a semi-automated feature updating framework that can merge and delete features to improve accuracy of disease prediction.

Disease Prediction Language Modelling +3

Agile But Safe: Learning Collision-Free High-Speed Legged Locomotion

no code implementations31 Jan 2024 Tairan He, Chong Zhang, Wenli Xiao, Guanqi He, Changliu Liu, Guanya Shi

Legged robots navigating cluttered environments must be jointly agile for efficient task execution and safe to avoid collisions with obstacles or humans.

AttackEval: How to Evaluate the Effectiveness of Jailbreak Attacking on Large Language Models

no code implementations17 Jan 2024 Dong Shu, Mingyu Jin, Suiyuan Zhu, Beichen Wang, ZiHao Zhou, Chong Zhang, Yongfeng Zhang

In our research, we pioneer a novel approach to evaluate the effectiveness of jailbreak attacks on Large Language Models (LLMs), such as GPT-4 and LLaMa2, diverging from traditional robustness-focused binary evaluations.

Loss Masking Is Not Needed in Decoder-only Transformer for Discrete-token-based ASR

1 code implementation8 Nov 2023 Qian Chen, Wen Wang, Qinglin Zhang, Siqi Zheng, Shiliang Zhang, Chong Deng, Yukun Ma, Hai Yu, Jiaqing Liu, Chong Zhang

We find that applying the conventional cross-entropy loss on input speech tokens does not consistently improve the ASR performance over the Loss Masking approach.

Reading Order Matters: Information Extraction from Visually-rich Documents by Token Path Prediction

1 code implementation17 Oct 2023 Chong Zhang, Ya Guo, Yi Tu, Huan Chen, Jinyang Tang, Huijia Zhu, Qi Zhang, Tao Gui

However, BIO-tagging scheme relies on the correct order of model inputs, which is not guaranteed in real-world NER on scanned VrDs where text are recognized and arranged by OCR systems.

Entity Linking Key Information Extraction +9

Resilient Legged Local Navigation: Learning to Traverse with Compromised Perception End-to-End

no code implementations5 Oct 2023 Jin Jin, Chong Zhang, Jonas Frey, Nikita Rudin, Matias Mattamala, Cesar Cadena, Marco Hutter

In this paper, we model perception failures as invisible obstacles and pits, and train a reinforcement learning (RL) based local navigation policy to guide our legged robot.

Anomaly Detection Navigate +1

SPGM: Prioritizing Local Features for enhanced speech separation performance

1 code implementation22 Sep 2023 Jia Qi Yip, Shengkui Zhao, Yukun Ma, Chongjia Ni, Chong Zhang, Hao Wang, Trung Hieu Nguyen, Kun Zhou, Dianwen Ng, Eng Siong Chng, Bin Ma

Dual-path is a popular architecture for speech separation models (e. g. Sepformer) which splits long sequences into overlapping chunks for its intra- and inter-blocks that separately model intra-chunk local features and inter-chunk global relationships.

Speech Separation

Bridging the Projection Gap: Overcoming Projection Bias Through Parameterized Distance Learning

no code implementations4 Sep 2023 Chong Zhang, Mingyu Jin, Qinkai Yu, Haochen Xue, Shreyank N Gowda, Xiaobo Jin

Generalized zero-shot learning (GZSL) aims to recognize samples from both seen and unseen classes using only seen class samples for training.

Generalized Zero-Shot Learning Metric Learning

A Simple and Effective Baseline for Attentional Generative Adversarial Networks

1 code implementation26 Jun 2023 Mingyu Jin, Chong Zhang, Qinkai Yu, Haochen Xue, Xiaobo Jin, Xi Yang

Synthesising a text-to-image model of high-quality images by guiding the generative model through the Text description is an innovative and challenging task.

Image Generation

Image Blending Algorithm with Automatic Mask Generation

no code implementations8 Jun 2023 Haochen Xue, Mingyu Jin, Chong Zhang, Yuxuan Huang, Qian Weng, Xiaobo Jin

In recent years, image blending has gained popularity for its ability to create visually stunning content.

object-detection Object Detection +1

HiTIN: Hierarchy-aware Tree Isomorphism Network for Hierarchical Text Classification

1 code implementation24 May 2023 He Zhu, Chong Zhang, JunJie Huang, Junran Wu, Ke Xu

Hierarchical text classification (HTC) is a challenging subtask of multi-label classification as the labels form a complex hierarchical structure.

Multi-Label Classification text-classification +1

ACA-Net: Towards Lightweight Speaker Verification using Asymmetric Cross Attention

1 code implementation20 May 2023 Jia Qi Yip, Tuan Truong, Dianwen Ng, Chong Zhang, Yukun Ma, Trung Hieu Nguyen, Chongjia Ni, Shengkui Zhao, Eng Siong Chng, Bin Ma

In this paper, we propose ACA-Net, a lightweight, global context-aware speaker embedding extractor for Speaker Verification (SV) that improves upon existing work by using Asymmetric Cross Attention (ACA) to replace temporal pooling.

Speaker Verification

Ditto: A Simple and Efficient Approach to Improve Sentence Embeddings

1 code implementation18 May 2023 Qian Chen, Wen Wang, Qinglin Zhang, Siqi Zheng, Chong Deng, Hai Yu, Jiaqing Liu, Yukun Ma, Chong Zhang

Prior studies diagnose the anisotropy problem in sentence representations from pre-trained language models, e. g., BERT, without fine-tuning.

Language Modelling Semantic Textual Similarity +4

GPT-4 Technical Report

9 code implementations Preprint 2023 OpenAI, :, Josh Achiam, Steven Adler, Sandhini Agarwal, Lama Ahmad, Ilge Akkaya, Florencia Leoni Aleman, Diogo Almeida, Janko Altenschmidt, Sam Altman, Shyamal Anadkat, Red Avila, Igor Babuschkin, Suchir Balaji, Valerie Balcom, Paul Baltescu, Haiming Bao, Mohammad Bavarian, Jeff Belgum, Irwan Bello, Jake Berdine, Gabriel Bernadett-Shapiro, Christopher Berner, Lenny Bogdonoff, Oleg Boiko, Madelaine Boyd, Anna-Luisa Brakman, Greg Brockman, Tim Brooks, Miles Brundage, Kevin Button, Trevor Cai, Rosie Campbell, Andrew Cann, Brittany Carey, Chelsea Carlson, Rory Carmichael, Brooke Chan, Che Chang, Fotis Chantzis, Derek Chen, Sully Chen, Ruby Chen, Jason Chen, Mark Chen, Ben Chess, Chester Cho, Casey Chu, Hyung Won Chung, Dave Cummings, Jeremiah Currier, Yunxing Dai, Cory Decareaux, Thomas Degry, Noah Deutsch, Damien Deville, Arka Dhar, David Dohan, Steve Dowling, Sheila Dunning, Adrien Ecoffet, Atty Eleti, Tyna Eloundou, David Farhi, Liam Fedus, Niko Felix, Simón Posada Fishman, Juston Forte, Isabella Fulford, Leo Gao, Elie Georges, Christian Gibson, Vik Goel, Tarun Gogineni, Gabriel Goh, Rapha Gontijo-Lopes, Jonathan Gordon, Morgan Grafstein, Scott Gray, Ryan Greene, Joshua Gross, Shixiang Shane Gu, Yufei Guo, Chris Hallacy, Jesse Han, Jeff Harris, Yuchen He, Mike Heaton, Johannes Heidecke, Chris Hesse, Alan Hickey, Wade Hickey, Peter Hoeschele, Brandon Houghton, Kenny Hsu, Shengli Hu, Xin Hu, Joost Huizinga, Shantanu Jain, Shawn Jain, Joanne Jang, Angela Jiang, Roger Jiang, Haozhun Jin, Denny Jin, Shino Jomoto, Billie Jonn, Heewoo Jun, Tomer Kaftan, Łukasz Kaiser, Ali Kamali, Ingmar Kanitscheider, Nitish Shirish Keskar, Tabarak Khan, Logan Kilpatrick, Jong Wook Kim, Christina Kim, Yongjik Kim, Jan Hendrik Kirchner, Jamie Kiros, Matt Knight, Daniel Kokotajlo, Łukasz Kondraciuk, Andrew Kondrich, Aris Konstantinidis, Kyle Kosic, Gretchen Krueger, Vishal Kuo, Michael Lampe, Ikai Lan, Teddy Lee, Jan Leike, Jade Leung, Daniel Levy, Chak Ming Li, Rachel Lim, Molly Lin, Stephanie Lin, Mateusz Litwin, Theresa Lopez, Ryan Lowe, Patricia Lue, Anna Makanju, Kim Malfacini, Sam Manning, Todor Markov, Yaniv Markovski, Bianca Martin, Katie Mayer, Andrew Mayne, Bob McGrew, Scott Mayer McKinney, Christine McLeavey, Paul McMillan, Jake McNeil, David Medina, Aalok Mehta, Jacob Menick, Luke Metz, Andrey Mishchenko, Pamela Mishkin, Vinnie Monaco, Evan Morikawa, Daniel Mossing, Tong Mu, Mira Murati, Oleg Murk, David Mély, Ashvin Nair, Reiichiro Nakano, Rajeev Nayak, Arvind Neelakantan, Richard Ngo, Hyeonwoo Noh, Long Ouyang, Cullen O'Keefe, Jakub Pachocki, Alex Paino, Joe Palermo, Ashley Pantuliano, Giambattista Parascandolo, Joel Parish, Emy Parparita, Alex Passos, Mikhail Pavlov, Andrew Peng, Adam Perelman, Filipe de Avila Belbute Peres, Michael Petrov, Henrique Ponde de Oliveira Pinto, Michael, Pokorny, Michelle Pokrass, Vitchyr H. Pong, Tolly Powell, Alethea Power, Boris Power, Elizabeth Proehl, Raul Puri, Alec Radford, Jack Rae, Aditya Ramesh, Cameron Raymond, Francis Real, Kendra Rimbach, Carl Ross, Bob Rotsted, Henri Roussez, Nick Ryder, Mario Saltarelli, Ted Sanders, Shibani Santurkar, Girish Sastry, Heather Schmidt, David Schnurr, John Schulman, Daniel Selsam, Kyla Sheppard, Toki Sherbakov, Jessica Shieh, Sarah Shoker, Pranav Shyam, Szymon Sidor, Eric Sigler, Maddie Simens, Jordan Sitkin, Katarina Slama, Ian Sohl, Benjamin Sokolowsky, Yang song, Natalie Staudacher, Felipe Petroski Such, Natalie Summers, Ilya Sutskever, Jie Tang, Nikolas Tezak, Madeleine B. Thompson, Phil Tillet, Amin Tootoonchian, Elizabeth Tseng, Preston Tuggle, Nick Turley, Jerry Tworek, Juan Felipe Cerón Uribe, Andrea Vallone, Arun Vijayvergiya, Chelsea Voss, Carroll Wainwright, Justin Jay Wang, Alvin Wang, Ben Wang, Jonathan Ward, Jason Wei, CJ Weinmann, Akila Welihinda, Peter Welinder, Jiayi Weng, Lilian Weng, Matt Wiethoff, Dave Willner, Clemens Winter, Samuel Wolrich, Hannah Wong, Lauren Workman, Sherwin Wu, Jeff Wu, Michael Wu, Kai Xiao, Tao Xu, Sarah Yoo, Kevin Yu, Qiming Yuan, Wojciech Zaremba, Rowan Zellers, Chong Zhang, Marvin Zhang, Shengjia Zhao, Tianhao Zheng, Juntang Zhuang, William Zhuk, Barret Zoph

We report the development of GPT-4, a large-scale, multimodal model which can accept image and text inputs and produce text outputs.

Arithmetic Reasoning Bug fixing +10

DoubleH: Twitter User Stance Detection via Bipartite Graph Neural Networks

no code implementations20 Jan 2023 Chong Zhang, Zhenkun Zhou, Xingyu Peng, Ke Xu

Subsequently, we propose a bipartite graph neural network model, DoubleH, which aims to better utilize homogeneous and heterogeneous information in user stance detection tasks.

Stance Classification Stance Detection

A Holistic Approach to Undesired Content Detection in the Real World

1 code implementation5 Aug 2022 Todor Markov, Chong Zhang, Sandhini Agarwal, Tyna Eloundou, Teddy Lee, Steven Adler, Angela Jiang, Lilian Weng

We present a holistic approach to building a robust and useful natural language classification system for real-world content moderation.

Active Learning

Hierarchical information matters: Text classification via tree based graph neural network

2 code implementations COLING 2022 Chong Zhang, He Zhu, Xingyu Peng, Junran Wu, Ke Xu

Inspired by the structural entropy, we construct the coding tree of the graph by minimizing the structural entropy and propose HINT, which aims to make full use of the hierarchical information contained in the text for the task of text classification.

Dependency Parsing text-classification +1

Generative Models Improve Radiomics Reproducibility in Low Dose CTs: A Simulation Study

1 code implementation30 Apr 2021 Junhua Chen, Chong Zhang, Alberto Traverso, Ivan Zhovannik, Andre Dekker, Leonard Wee, Inigo Bermejo

Moreover, images with different noise levels can be denoised to improve the reproducibility using these models without re-training, as long as the noise intensity is equal or lower than that in high-noise CTs.

Computed Tomography (CT) Denoising

Lung Cancer Diagnosis Using Deep Attention Based on Multiple Instance Learning and Radiomics

no code implementations29 Apr 2021 Junhua Chen, Haiyan Zeng, Chong Zhang, Zhenwei Shi, Andre Dekker, Leonard Wee, Inigo Bermejo

In this article, we treat lung cancer diagnosis as a multiple instance learning (MIL) problem in order to better reflect the diagnosis process in the clinical setting and for the higher interpretability of the output.

Deep Attention Lung Cancer Diagnosis +2

DROID: Minimizing the Reality Gap using Single-Shot Human Demonstration

no code implementations22 Feb 2021 Ya-Yen Tsai, Hui Xu, Zihan Ding, Chong Zhang, Edward Johns, Bidan Huang

One of the main challenges of transferring the policy learned in a simulated environment to real world, is the discrepancy between the dynamics of the two environments.

Robotics

Domain Adaptation Gaze Estimation by Embedding with Prediction Consistency

no code implementations15 Nov 2020 Zidong Guo, Zejian yuan, Chong Zhang, Wanchao Chi, Yonggen Ling, Shenghao Zhang

In domain adaption, we design an embedding representation with prediction consistency to ensure that the linear relationship between gaze directions in different domains remains consistent on gaze space and embedding space.

Domain Adaptation Gaze Estimation

An Efficient Adversarial Attack for Tree Ensembles

1 code implementation NeurIPS 2020 Chong Zhang, huan zhang, Cho-Jui Hsieh

We study the problem of efficient adversarial attacks on tree based ensembles such as gradient boosting decision trees (GBDTs) and random forests (RFs).

Adversarial Attack valid

Parameter estimation in FACS-seq enables high-throughput characterization of phenotypic heterogeneity

no code implementations7 Oct 2020 Huibao Feng, Chong Zhang

Phenotypic heterogeneity is a most fascinating property of a population of cells, which shows the differences among individuals even with the same genetic background and extracellular environmental conditions.

Learning End-to-End Action Interaction by Paired-Embedding Data Augmentation

no code implementations16 Jul 2020 Ziyang Song, Zejian yuan, Chong Zhang, Wanchao Chi, Yonggen Ling, Shenghao Zhang

In recognition-based action interaction, robots' responses to human actions are often pre-designed according to recognized categories and thus stiff.

Action Recognition Data Augmentation +1

Attention-Oriented Action Recognition for Real-Time Human-Robot Interaction

no code implementations2 Jul 2020 Ziyang Song, Ziyi Yin, Zejian yuan, Chong Zhang, Wanchao Chi, Yonggen Ling, Shenghao Zhang

Despite the notable progress made in action recognition tasks, not much work has been done in action recognition specifically for human-robot interaction.

Action Recognition Pose Estimation

Self-Guided Adaptation: Progressive Representation Alignment for Domain Adaptive Object Detection

no code implementations19 Mar 2020 Zongxian Li, Qixiang Ye, Chong Zhang, Jingjing Liu, Shijian Lu, Yonghong Tian

In this work, we propose a Self-Guided Adaptation (SGA) model, target at aligning feature representation and transferring object detection models across domains while considering the instantaneous alignment difficulty.

object-detection Object Detection +1

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

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

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

named-entity-recognition Named Entity Recognition +2

A Multi-State Diagnosis and Prognosis Framework with Feature Learning for Tool Condition Monitoring

no code implementations30 Apr 2018 Chong Zhang, Geok Soon Hong, Jun-Hong Zhou, Kay Chen Tan, Haizhou Li, Huan Xu, Jihoon Hong, Hian-Leng Chan

For fault diagnosis, a cost-sensitive deep belief network (namely ECS-DBN) is applied to deal with the imbalanced data problem for tool state estimation.

Representation Learning

A Cost-Sensitive Deep Belief Network for Imbalanced Classification

no code implementations28 Apr 2018 Chong Zhang, Kay Chen Tan, Haizhou Li, Geok Soon Hong

Adaptive differential evolution optimization is implemented as the optimization algorithm that automatically updates its corresponding parameters without the need of prior domain knowledge.

Classification General Classification +1

Efficient Column Generation for Cell Detection and Segmentation

no code implementations21 Sep 2017 Chong Zhang, Shaofei Wang, Miguel A. Gonzalez-Ballester, Julian Yarkony

To solve this integer program, we propose a column generation formulation where the pricing program is solved via exact optimization of very small scale integer programs.

Cell Detection Instance Segmentation +2

Multi-Person Pose Estimation via Column Generation

no code implementations18 Sep 2017 Shaofei Wang, Chong Zhang, Miguel A. Gonzalez-Ballester, Alexander Ihler, Julian Yarkony

We give a novel integer program formulation of the multi-person pose estimation problem, in which variables correspond to assignments of parts in the image to poses in a two-tier, hierarchical way.

Multi-Person Pose Estimation

The Candidate Multi-Cut for Cell Segmentation

no code implementations4 Jul 2017 Jan Funke, Chong Zhang, Tobias Pietzsch, Stephan Saalfeld

Two successful approaches for the segmentation of biomedical images are (1) the selection of segment candidates from a merge-tree, and (2) the clustering of small superpixels by solving a Multi-Cut problem.

Cell Segmentation Clustering +1

On Reject and Refine Options in Multicategory Classification

no code implementations9 Jan 2017 Chong Zhang, Wenbo Wang, Xingye Qiao

In many real applications of statistical learning, a decision made from misclassification can be too costly to afford; in this case, a reject option, which defers the decision until further investigation is conducted, is often preferred.

Binary Classification Classification +2

Efficient Pose and Cell Segmentation using Column Generation

no code implementations1 Dec 2016 Shaofei Wang, Chong Zhang, Miguel A. Gonzalez-Ballester, Julian Yarkony

We study the problems of multi-person pose segmentation in natural images and instance segmentation in biological images with crowded cells.

Cell Segmentation Efficient Exploration +3

Multi-category Angle-based Classifier Refit

no code implementations19 Jul 2016 Guo Xian Yau, Chong Zhang

In particular, we give theoretical insights on why heavy regularization terms are often needed in high dimensional applications, and how this can lead to bias in probability estimation.

General Classification

An active efficient coding model of the optokinetic nystagmus

no code implementations21 Jun 2016 Chong Zhang, Jochen Triesch, Bertram E. Shi

This framework models the joint emergence of both perception and behavior, and accounts for the importance of the development of normal vergence control and binocular vision in achieving normal monocular OKN (mOKN) behaviors.

Intrinsically Motivated Learning of Visual Motion Perception and Smooth Pursuit

no code implementations14 Feb 2014 Chong Zhang, Yu Zhao, Jochen Triesch, Bertram E. Shi

We extend the framework of efficient coding, which has been used to model the development of sensory processing in isolation, to model the development of the perception/action cycle.

Reinforcement Learning (RL)

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