Search Results for author: Bin Chen

Found 144 papers, 54 papers with code

A survey of using EHR as real-world evidence for discovering and validating new drug indications

no code implementations30 May 2025 Nabasmita Talukdar, Xiaodan Zhang, Shreya Paithankar, Hui Wang, Bin Chen

Electronic Health Records (EHRs) have been increasingly used as real-world evidence (RWE) to support the discovery and validation of new drug indications.

LAFR: Efficient Diffusion-based Blind Face Restoration via Latent Codebook Alignment Adapter

no code implementations29 May 2025 Runyi Li, Bin Chen, Jian Zhang, Radu Timofte

Blind face restoration from low-quality (LQ) images is a challenging task that requires not only high-fidelity image reconstruction but also the preservation of facial identity.

Blind Face Restoration Denoising +2

Grounding Language with Vision: A Conditional Mutual Information Calibrated Decoding Strategy for Reducing Hallucinations in LVLMs

no code implementations26 May 2025 Hao Fang, Changle Zhou, Jiawei Kong, Kuofeng Gao, Bin Chen, Tao Liang, Guojun Ma, Shu-Tao Xia

Large Vision-Language Models (LVLMs) are susceptible to hallucinations, where generated responses seem semantically plausible yet exhibit little or no relevance to the input image.

Hallucination

Your Language Model Can Secretly Write Like Humans: Contrastive Paraphrase Attacks on LLM-Generated Text Detectors

no code implementations21 May 2025 Hao Fang, Jiawei Kong, Tianqu Zhuang, Yixiang Qiu, Kuofeng Gao, Bin Chen, Shu-Tao Xia, YaoWei Wang, Min Zhang

By subtracting the machine-like patterns from the human-like distribution during the decoding process, CoPA is able to produce sentences that are less discernible by text detectors.

Language Modeling Language Modelling

$γ$-FedHT: Stepsize-Aware Hard-Threshold Gradient Compression in Federated Learning

no code implementations18 May 2025 Rongwei Lu, Yutong Jiang, Jinrui Zhang, Chunyang Li, Yifei Zhu, Bin Chen, Zhi Wang

Contemporary state-of-the-art sparse compressors, such as Top-$k$, exhibit high computational complexity, up to $\mathcal{O}(d\log_2{k})$, where $d$ is the number of model parameters.

Federated Learning

High Quality Underwater Image Compression with Adaptive Correction and Codebook-based Augmentation

no code implementations15 May 2025 Yimin Zhou, Yichong Xia, Sicheng Pan, Bin Chen, Baoyi An, Haoqian Wang, Zhi Wang, YaoWei Wang, Zikun Zhou

With the increasing exploration and exploitation of the underwater world, underwater images have become a critical medium for human interaction with marine environments, driving extensive research into their efficient transmission and storage.

Image Compression

Towards Facial Image Compression with Consistency Preserving Diffusion Prior

no code implementations9 May 2025 Yimin Zhou, Yichong Xia, Bin Chen, Baoyi An, Haoqian Wang, Zhi Wang, YaoWei Wang, Zikun Zhou

Simply adapting diffusion-based compression methods to facial compression tasks results in reconstructed images that perform poorly in downstream applications due to insufficient preservation of high-frequency information.

Image Compression

DeCLIP: Decoupled Learning for Open-Vocabulary Dense Perception

1 code implementation CVPR 2025 Junjie Wang, Bin Chen, Yulin Li, Bin Kang, YiChi Chen, Zhuotao Tian

To address this issue, we propose DeCLIP, a novel framework that enhances CLIP by decoupling the self-attention module to obtain ``content'' and ``context'' features respectively.

object-detection Object Detection +2

GaussTrap: Stealthy Poisoning Attacks on 3D Gaussian Splatting for Targeted Scene Confusion

no code implementations29 Apr 2025 Jiaxin Hong, Sixu Chen, Shuoyang Sun, Hongyao Yu, Hao Fang, Yuqi Tan, Bin Chen, Shuhan Qi, Jiawei Li

As 3D Gaussian Splatting (3DGS) emerges as a breakthrough in scene representation and novel view synthesis, its rapid adoption in safety-critical domains (e. g., autonomous systems, AR/VR) urgently demands scrutiny of potential security vulnerabilities.

3DGS Autonomous Navigation +1

Hua-Chen New Theory of Economic Optimization

no code implementations27 Apr 2025 Bin Chen, Yingchao Xie, Ting Yang, Qin Zhou

Between 1957-1985, Chinese mathematician Loo-Keng Hua pioneered economic optimization theory through three key contributions: establishing economic stability's fundamental theorem, proving the uniqueness of equilibrium solutions in economic systems, and developing a consumption-integrated model 50 days before his death.

Automated Theorem Proving Survey

SlimPipe: Memory-Thrifty and Efficient Pipeline Parallelism for Long-Context LLM Training

no code implementations20 Apr 2025 Zhouyang Li, Yuliang Liu, Wei zhang, TaiLing Yuan, Bin Chen, Chengru Song, Di Zhang

For example, on the Llama 70B model, compared to state-of-the-art methods, SlimPipe significantly boosts the Model FLOPs Utilization (MFU) to up to $1. 57\times$ for a context length of 512K.

AutoSSVH: Exploring Automated Frame Sampling for Efficient Self-Supervised Video Hashing

1 code implementation CVPR 2025 Niu Lian, Jun Li, Jinpeng Wang, Ruisheng Luo, YaoWei Wang, Shu-Tao Xia, Bin Chen

To address this limitation, we propose a new framework, termed AutoSSVH, that employs adversarial frame sampling with hash-based contrastive learning.

Contrastive Learning Retrieval

CTSR: Controllable Fidelity-Realness Trade-off Distillation for Real-World Image Super Resolution

no code implementations18 Mar 2025 Runyi Li, Bin Chen, Jian Zhang, Radu Timofte

Real-world image super-resolution is a critical image processing task, where two key evaluation criteria are the fidelity to the original image and the visual realness of the generated results.

Image Super-Resolution

GeoRSMLLM: A Multimodal Large Language Model for Vision-Language Tasks in Geoscience and Remote Sensing

no code implementations16 Mar 2025 Zilun Zhang, Haozhan Shen, Tiancheng Zhao, Bin Chen, Zian Guan, Yuhao Wang, Xu Jia, Yuxiang Cai, Yongheng Shang, Jianwei Yin

The application of Vision-Language Models (VLMs) in remote sensing (RS) has demonstrated significant potential in traditional tasks such as scene classification, object detection, and image captioning.

Change Detection Image Captioning +11

Multi-Agent Image Restoration

no code implementations12 Mar 2025 Xu Jiang, Gehui Li, Bin Chen, Jian Zhang

Image restoration (IR) is challenging due to the complexity of real-world degradations.

Image Restoration

OASIS: Order-Augmented Strategy for Improved Code Search

no code implementations11 Mar 2025 Zuchen Gao, Zizheng Zhan, Xianming Li, Erxin Yu, Haotian Zhang, Bin Chen, Yuqun Zhang, Jing Li

However, due to the sparse nature of code contexts, training solely by comparing the major differences between positive and negative pairs may fail to capture deeper semantic nuances.

Code Search Language Modeling +2

Grammar-Based Code Representation: Is It a Worthy Pursuit for LLMs?

no code implementations7 Mar 2025 Qingyuan Liang, Zhao Zhang, Zeyu Sun, Zheng Lin, Qi Luo, Yueyi Xiao, Yizhou Chen, Yuqun Zhang, Haotian Zhang, Lu Zhang, Bin Chen, Yingfei Xiong

Further analysis shows that grammar-based representations enhance LLMs' ability to discern subtle code differences, reducing semantic errors caused by minor variations.

Code Generation HumanEval +1

Predicting Nonlinear Interference for Short-Blocklength 4D Probabilistic Shaping

no code implementations28 Feb 2025 Jingxin Deng, Bin Chen, Zhiwei Liang, Yi Lei, Gabriele Liga

We derive a heuristic nonlinear interference model for 4D probabilistic shaping considering the polarization and time correlation of the 4D symbols.

Retrievals Can Be Detrimental: A Contrastive Backdoor Attack Paradigm on Retrieval-Augmented Diffusion Models

no code implementations23 Jan 2025 Hao Fang, Xiaohang Sui, Hongyao Yu, Jiawei Kong, Sijin Yu, Bin Chen, Hao Wu, Shu-Tao Xia

Subsequently, a malicious variant of contrastive learning is adopted to inject backdoors into the retriever, which builds shortcuts from triggers to the toxicity surrogates.

Backdoor Attack Contrastive Learning +3

PMA: Towards Parameter-Efficient Point Cloud Understanding via Point Mamba Adapter

no code implementations CVPR 2025 Yaohua Zha, Yanzi Wang, Hang Guo, Jinpeng Wang, Tao Dai, Bin Chen, Zhihao Ouyang, Xue Yuerong, Ke Chen, Shu-Tao Xia

To overcome this limitation, we propose an orthogonal solution: Point Mamba Adapter (PMA), which constructs an ordered feature sequence from all layers of the pre-trained model and leverages Mamba to fuse all complementary semantics, thereby promoting comprehensive point cloud understanding.

Mamba

Hierarchical Features Matter: A Deep Exploration of Progressive Parameterization Method for Dataset Distillation

no code implementations CVPR 2025 Xinhao Zhong, Hao Fang, Bin Chen, Xulin Gu, Meikang Qiu, Shuhan Qi, Shu-Tao Xia

Current parameterization methods achieve enhanced performance under extremely high compression ratio by optimizing determined synthetic dataset in informative feature domain.

Dataset Distillation

Level-Navi Agent: A Framework and benchmark for Chinese Web Search Agents

no code implementations20 Dec 2024 Chuanrui Hu, Shichong Xie, Baoxin Wang, Bin Chen, Xiaofeng Cong, Jun Zhang

To address these issues, we propose a general-purpose and training-free web search agent by level-aware navigation, Level-Navi Agent, accompanied by a well-annotated dataset (Web24) and a suitable evaluation metric.

Efficient Self-Supervised Video Hashing with Selective State Spaces

1 code implementation19 Dec 2024 Jinpeng Wang, Niu Lian, Jun Li, Yuting Wang, Yan Feng, Bin Chen, Yongbing Zhang, Shu-Tao Xia

We introduce S5VH, a Mamba-based video hashing model with an improved self-supervised learning paradigm.

Decoder Mamba +1

On Shaping Gain of Multidimensional Constellation in Linear and Nonlinear Optical Fiber Channel

no code implementations19 Dec 2024 Bin Chen, Zhiwei Liang, Yi Lei, Jingxin Deng, Shen Li, Gabriele Liga

In this paper, we introduce an analytical nonlinear interference (NLI) power model-based shaping gain estimation method to enable a fast performance evaluation of various MD modulation formats in coherent dual-polarization (DP) optical transmission system.

Efficient Dataset Distillation via Diffusion-Driven Patch Selection for Improved Generalization

no code implementations13 Dec 2024 Xinhao Zhong, Shuoyang Sun, Xulin Gu, Zhaoyang Xu, YaoWei Wang, Jianlong Wu, Bin Chen

Dataset distillation offers an efficient way to reduce memory and computational costs by optimizing a smaller dataset with performance comparable to the full-scale original.

Dataset Distillation

Going Beyond Feature Similarity: Effective Dataset Distillation based on Class-Aware Conditional Mutual Information

1 code implementation13 Dec 2024 Xinhao Zhong, Bin Chen, Hao Fang, Xulin Gu, Shu-Tao Xia, En-hui Yang

Dataset distillation (DD) aims to minimize the time and memory consumption needed for training deep neural networks on large datasets, by creating a smaller synthetic dataset that has similar performance to that of the full real dataset.

Dataset Distillation

RealOSR: Latent Unfolding Boosting Diffusion-based Real-world Omnidirectional Image Super-Resolution

no code implementations11 Dec 2024 Xuhan Sheng, Runyi Li, Bin Chen, Weiqi Li, Xu Jiang, Jian Zhang

Omnidirectional image super-resolution (ODISR) aims to upscale low-resolution (LR) omnidirectional images (ODIs) to high-resolution (HR), addressing the growing demand for detailed visual content across a $180^{\circ}\times360^{\circ}$ viewport.

Denoising Image Super-Resolution

OmniGuard: Hybrid Manipulation Localization via Augmented Versatile Deep Image Watermarking

1 code implementation CVPR 2025 Xuanyu Zhang, Zecheng Tang, Zhipei Xu, Runyi Li, Youmin Xu, Bin Chen, Feng Gao, Jian Zhang

To address these challenges, we propose OmniGuard, a novel augmented versatile watermarking approach that integrates proactive embedding with passive, blind extraction for robust copyright protection and tamper localization.

Editable-DeepSC: Reliable Cross-Modal Semantic Communications for Facial Editing

no code implementations24 Nov 2024 Bin Chen, Wenbo Yu, Qinshan Zhang, Tianqu Zhuang, Yong Jiang, Shu-Tao Xia

However, the communication challenges associated with Semantic Facial Editing, one of the most important real-time CV applications on social media, still remain largely unexplored.

Facial Editing Semantic Communication

Adversarial Diffusion Compression for Real-World Image Super-Resolution

2 code implementations CVPR 2025 Bin Chen, Gehui Li, Rongyuan Wu, Xindong Zhang, Jie Chen, Jian Zhang, Lei Zhang

Real-world image super-resolution (Real-ISR) aims to reconstruct high-resolution images from low-resolution inputs degraded by complex, unknown processes.

Decoder Denoising +1

Practical Compact Deep Compressed Sensing

1 code implementation20 Nov 2024 Bin Chen, Jian Zhang

Recent years have witnessed the success of deep networks in compressed sensing (CS), which allows for a significant reduction in sampling cost and has gained growing attention since its inception.

compressed sensing

ImageRAG: Enhancing Ultra High Resolution Remote Sensing Imagery Analysis with ImageRAG

no code implementations12 Nov 2024 Zilun Zhang, Haozhan Shen, Tiancheng Zhao, Zian Guan, Bin Chen, Yuhao Wang, Xu Jia, Yuxiang Cai, Yongheng Shang, Jianwei Yin

If choose to resize the UHR image to standard input image size, the extensive spatial and contextual information that UHR images contain will be neglected.

RAG Retrieval +1

BoostAdapter: Improving Vision-Language Test-Time Adaptation via Regional Bootstrapping

1 code implementation20 Oct 2024 Taolin Zhang, Jinpeng Wang, Hang Guo, Tao Dai, Bin Chen, Shu-Tao Xia

The historical samples are filtered from the testing data stream and serve to extract useful information from the target distribution, while the boosting samples are drawn from regional bootstrapping and capture the knowledge of the test sample itself.

Test-time Adaptation

Block-to-Scene Pre-training for Point Cloud Hybrid-Domain Masked Autoencoders

no code implementations13 Oct 2024 Yaohua Zha, Tao Dai, Yanzi Wang, Hang Guo, Taolin Zhang, Zhihao Ouyang, Chunlin Fan, Bin Chen, Ke Chen, Shu-Tao Xia

We first propose a hybrid-domain masked autoencoder consisting of an encoder and decoder belonging to the scene domain and object domain, respectively.

Object Position regression +1

Towards Scalable Semantic Representation for Recommendation

no code implementations12 Oct 2024 Taolin Zhang, Junwei Pan, Jinpeng Wang, Yaohua Zha, Tao Dai, Bin Chen, Ruisheng Luo, Xiaoxiang Deng, YuAn Wang, Ming Yue, Jie Jiang, Shu-Tao Xia

With recent advances in large language models (LLMs), there has been emerging numbers of research in developing Semantic IDs based on LLMs to enhance the performance of recommendation systems.

Recommendation Systems

CALoR: Towards Comprehensive Model Inversion Defense

1 code implementation8 Oct 2024 Hongyao Yu, Yixiang Qiu, Hao Fang, Bin Chen, Sijin Yu, Bin Wang, Shu-Tao Xia, Ke Xu

Model Inversion Attacks (MIAs) aim at recovering privacy-sensitive training data from the knowledge encoded in the released machine learning models.

Low-rank compression model

ReFIR: Grounding Large Restoration Models with Retrieval Augmentation

1 code implementation8 Oct 2024 Hang Guo, Tao Dai, Zhihao Ouyang, Taolin Zhang, Yaohua Zha, Bin Chen, Shu-Tao Xia

In this paper, we propose an orthogonal solution called the Retrieval-augmented Framework for Image Restoration (ReFIR), which incorporates retrieved images as external knowledge to extend the knowledge boundary of existing LRMs in generating details faithful to the original scene.

Hallucination Image Restoration +1

MIBench: A Comprehensive Framework for Benchmarking Model Inversion Attack and Defense

1 code implementation7 Oct 2024 Yixiang Qiu, Hongyao Yu, Hao Fang, Tianqu Zhuang, Wenbo Yu, Bin Chen, Xuan Wang, Shu-Tao Xia, Ke Xu

Model Inversion (MI) attacks aim at leveraging the output information of target models to reconstruct privacy-sensitive training data, raising critical concerns regarding the privacy vulnerabilities of Deep Neural Networks (DNNs).

Adversarial Robustness Benchmarking

COSMIC: Compress Satellite Images Efficiently via Diffusion Compensation

1 code implementation2 Oct 2024 Ziyuan Zhang, Han Qiu, Maosen Zhang, Jun Liu, Bin Chen, Tianwei Zhang, Hewu Li

We first design a lightweight encoder (i. e. reducing FLOPs by 2. 6~5x) on satellite to achieve a high image compression ratio to save satellite-to-ground links.

Earth Observation Image Compression

Multidimensional Voronoi Constellations vs. Short Blocklength Probabilistic Shaping: A Comparison for Multilevel Coding Approach

no code implementations30 Sep 2024 Yajie Sheng, Bin Chen, Yi Lei, Jingxin Deng, Jiwei Xu, Mengfan Fu, Qunbi Zhuge, Shen Li

Performance of concatenated multilevel coding with probabilistic shaping (PS) and Voronoi constellations (VCs) is analysed over AWGN channel.

3D-LMVIC: Learning-based Multi-View Image Coding with 3D Gaussian Geometric Priors

1 code implementation6 Sep 2024 Yujun Huang, Bin Chen, Niu Lian, Baoyi An, Shu-Tao Xia

Furthermore, we introduce a depth map compression model to minimize geometric redundancy across views, along with a multi-view sequence ordering strategy based on a defined distance measure between views to enhance correlations between adjacent views.

Autonomous Driving Disparity Estimation +1

GaussianSR: High Fidelity 2D Gaussian Splatting for Arbitrary-Scale Image Super-Resolution

no code implementations25 Jul 2024 Jintong Hu, Bin Xia, Bin Chen, Wenming Yang, Lei Zhang

Although these approaches have shown promising results, their performance is constrained by the limited representation ability of discrete latent codes in the encoded features.

Decoder Image Super-Resolution

A Closer Look at GAN Priors: Exploiting Intermediate Features for Enhanced Model Inversion Attacks

2 code implementations18 Jul 2024 Yixiang Qiu, Hao Fang, Hongyao Yu, Bin Chen, Meikang Qiu, Shu-Tao Xia

Model Inversion (MI) attacks aim to reconstruct privacy-sensitive training data from released models by utilizing output information, raising extensive concerns about the security of Deep Neural Networks (DNNs).

CLIP-Guided Generative Networks for Transferable Targeted Adversarial Attacks

1 code implementation14 Jul 2024 Hao Fang, Jiawei Kong, Bin Chen, Tao Dai, Hao Wu, Shu-Tao Xia

Transferable targeted adversarial attacks aim to mislead models into outputting adversary-specified predictions in black-box scenarios.

Experimental Demonstration of 16D Voronoi Constellation with Two-Level Coding over 50km Four-Core Fiber

no code implementations9 Jul 2024 Can Zhao, Bin Chen, Jiaqi Cai, Zhiwei Liang, Yi Lei, Junjie Xiong, Lin Ma, Daohui Hu, Lin Sun, Gangxiang Shen

A 16-dimensional Voronoi constellation concatenated with multilevel coding is experimentally demonstrated over a 50km four-core fiber transmission system.

A Joint Approach to Local Updating and Gradient Compression for Efficient Asynchronous Federated Learning

1 code implementation6 Jul 2024 Jiajun Song, Jiajun Luo, Rongwei Lu, Shuzhao Xie, Bin Chen, Zhi Wang

Asynchronous Federated Learning (AFL) confronts inherent challenges arising from the heterogeneity of devices (e. g., their computation capacities) and low-bandwidth environments, both potentially causing stale model updates (e. g., local gradients) for global aggregation.

Federated Learning image-classification +1

MEAT: Median-Ensemble Adversarial Training for Improving Robustness and Generalization

1 code implementation20 Jun 2024 Zhaozhe Hu, Jia-Li Yin, Bin Chen, Luojun Lin, Bo-Hao Chen, Ximeng Liu

Self-ensemble adversarial training methods improve model robustness by ensembling models at different training epochs, such as model weight averaging (WA).

Hierarchical Features Matter: A Deep Exploration of GAN Priors for Improved Dataset Distillation

no code implementations9 Jun 2024 Xinhao Zhong, Hao Fang, Bin Chen, Xulin Gu, Tao Dai, Meikang Qiu, Shu-Tao Xia

Dataset distillation is an emerging dataset reduction method, which condenses large-scale datasets while maintaining task accuracy.

Dataset Distillation

One Perturbation is Enough: On Generating Universal Adversarial Perturbations against Vision-Language Pre-training Models

2 code implementations8 Jun 2024 Hao Fang, Jiawei Kong, Wenbo Yu, Bin Chen, Jiawei Li, Hao Wu, Shutao Xia, Ke Xu

In this paper, we reveal that VLP models are also vulnerable to the instance-agnostic universal adversarial perturbation (UAP).

Contrastive Learning

GI-NAS: Boosting Gradient Inversion Attacks through Adaptive Neural Architecture Search

no code implementations31 May 2024 Wenbo Yu, Hao Fang, Bin Chen, Xiaohang Sui, Chuan Chen, Hao Wu, Shu-Tao Xia, Ke Xu

In this paper, we further exploit such implicit prior knowledge by proposing Gradient Inversion via Neural Architecture Search (GI-NAS), which adaptively searches the network and captures the implicit priors behind neural architectures.

Federated Learning Neural Architecture Search

OV-DQUO: Open-Vocabulary DETR with Denoising Text Query Training and Open-World Unknown Objects Supervision

1 code implementation28 May 2024 Junjie Wang, Bin Chen, Bin Kang, Yulin Li, YiChi Chen, Weizhi Xian, Huifeng Chang, Yong Xu

However, existing open-vocabulary detectors trained on base category data tend to assign higher confidence to trained categories and confuse novel categories with the background.

Contrastive Learning Denoising +3

LCM: Locally Constrained Compact Point Cloud Model for Masked Point Modeling

1 code implementation27 May 2024 Yaohua Zha, Naiqi Li, Yanzi Wang, Tao Dai, Hang Guo, Bin Chen, Zhi Wang, Zhihao Ouyang, Shu-Tao Xia

Considering the varying information density between masked and unmasked patches in the decoder inputs of MPM, we introduce a locally constrained Mamba-based decoder.

Decoder Mamba

Augmented Risk Prediction for the Onset of Alzheimer's Disease from Electronic Health Records with Large Language Models

no code implementations26 May 2024 Jiankun Wang, Sumyeong Ahn, Taykhoom Dalal, Xiaodan Zhang, Weishen Pan, Qiannan Zhang, Bin Chen, Hiroko H. Dodge, Fei Wang, Jiayu Zhou

Specifically, we develop a collaborative pipeline that combines SLs and LLMs via a confidence-driven decision-making mechanism, leveraging the strengths of SLs in clear-cut cases and LLMs in more complex scenarios.

Decision Making

Decoding at the Speed of Thought: Harnessing Parallel Decoding of Lexical Units for LLMs

no code implementations24 May 2024 Chenxi Sun, Hongzhi Zhang, Zijia Lin, Jingyuan Zhang, Fuzheng Zhang, Zhongyuan Wang, Bin Chen, Chengru Song, Di Zhang, Kun Gai, Deyi Xiong

The core of our approach is the observation that a pre-trained language model can confidently predict multiple contiguous tokens, forming the basis for a \textit{lexical unit}, in which these contiguous tokens could be decoded in parallel.

Code Generation Language Modeling +4

GMMFormer v2: An Uncertainty-aware Framework for Partially Relevant Video Retrieval

1 code implementation22 May 2024 Yuting Wang, Jinpeng Wang, Bin Chen, Tao Dai, Ruisheng Luo, Shu-Tao Xia

Given a text query, partially relevant video retrieval (PRVR) aims to retrieve untrimmed videos containing relevant moments.

Partially Relevant Video Retrieval Retrieval +1

Invertible Residual Rescaling Models

no code implementations5 May 2024 Jinmin Li, Tao Dai, Yaohua Zha, Yilu Luo, Longfei Lu, Bin Chen, Zhi Wang, Shu-Tao Xia, Jingyun Zhang

To address this issue, we propose Invertible Residual Rescaling Models (IRRM) for image rescaling by learning a bijection between a high-resolution image and its low-resolution counterpart with a specific distribution.

Image Rescaling

ResVR: Joint Rescaling and Viewport Rendering of Omnidirectional Images

no code implementations25 Apr 2024 Weiqi Li, Shijie Zhao, Bin Chen, Xinhua Cheng, Junlin Li, Li Zhang, Jian Zhang

With the advent of virtual reality technology, omnidirectional image (ODI) rescaling techniques are increasingly embraced for reducing transmitted and stored file sizes while preserving high image quality.

ERP

Learning Multiple Representations with Inconsistency-Guided Detail Regularization for Mask-Guided Matting

no code implementations28 Mar 2024 Weihao Jiang, Zhaozhi Xie, Yuxiang Lu, Longjie Qi, Jingyong Cai, Hiroyuki Uchiyama, Bin Chen, Yue Ding, Hongtao Lu

Our framework and model introduce the following key aspects: (1) to learn real-world adaptive semantic representation for objects with diverse and complex structures under real-world scenes, we introduce extra semantic segmentation and edge detection tasks on more diverse real-world data with segmentation annotations; (2) to avoid overfitting on low-level details, we propose a module to utilize the inconsistency between learned segmentation and matting representations to regularize detail refinement; (3) we propose a novel background line detection task into our auxiliary learning framework, to suppress interference of background lines or textures.

Auxiliary Learning Edge Detection +4

Invertible Diffusion Models for Compressed Sensing

1 code implementation25 Mar 2024 Bin Chen, Zhenyu Zhang, Weiqi Li, Chen Zhao, Jiwen Yu, Shijie Zhao, Jie Chen, Jian Zhang

To enable such memory-intensive end-to-end fine-tuning, we propose a novel two-level invertible design to transform both (1) multi-step sampling process and (2) noise estimation U-Net in each step into invertible networks.

compressed sensing Image Compressed Sensing +2

Clients Collaborate: Flexible Differentially Private Federated Learning with Guaranteed Improvement of Utility-Privacy Trade-off

1 code implementation10 Feb 2024 Yuecheng Li, Lele Fu, Tong Wang, Jian Lou, Bin Chen, Lei Yang, Jian Shen, Zibin Zheng, Chuan Chen

This capability implies that our FedCEO can effectively recover the disrupted semantic information by smoothing the global semantic space for different privacy settings and continuous training processes.

Federated Learning

Privacy Leakage on DNNs: A Survey of Model Inversion Attacks and Defenses

1 code implementation6 Feb 2024 Hao Fang, Yixiang Qiu, Hongyao Yu, Wenbo Yu, Jiawei Kong, Baoli Chong, Bin Chen, Xuan Wang, Shu-Tao Xia, Ke Xu

However, Model Inversion (MI) attacks, which disclose private information about the training dataset by abusing access to the trained models, have emerged as a formidable privacy threat.

Conversational Crowdsensing: A Parallel Intelligence Powered Novel Sensing Approach

no code implementations4 Feb 2024 Zhengqiu Zhu, Yong Zhao, Bin Chen, Sihang Qiu, Kai Xu, Quanjun Yin, Jincai Huang, Zhong Liu, Fei-Yue Wang

The transition from CPS-based Industry 4. 0 to CPSS-based Industry 5. 0 brings new requirements and opportunities to current sensing approaches, especially in light of recent progress in Chatbots and Large Language Models (LLMs).

Scheduling

An Efficient Implicit Neural Representation Image Codec Based on Mixed Autoregressive Model for Low-Complexity Decoding

no code implementations23 Jan 2024 Xiang Liu, Jiahong Chen, Bin Chen, Zimo Liu, Baoyi An, Shu-Tao Xia, Zhi Wang

To the best of our knowledge, our method is the first INR-based codec comparable with Hyperprior in both decoding speed and quality while maintaining low complexity.

Computational Efficiency Image Compression

MB-RACS: Measurement-Bounds-based Rate-Adaptive Image Compressed Sensing Network

no code implementations19 Jan 2024 Yujun Huang, Bin Chen, Naiqi Li, Baoyi An, Shu-Tao Xia, YaoWei Wang

In this paper, we propose a Measurement-Bounds-based Rate-Adaptive Image Compressed Sensing Network (MB-RACS) framework, which aims to adaptively determine the sampling rate for each image block in accordance with traditional measurement bounds theory.

compressed sensing Image Compressed Sensing

FFCA-Net: Stereo Image Compression via Fast Cascade Alignment of Side Information

no code implementations28 Dec 2023 Yichong Xia, Yujun Huang, Bin Chen, Haoqian Wang, YaoWei Wang

To address this limitation, we propose a Feature-based Fast Cascade Alignment network (FFCA-Net) to fully leverage the side information on the decoder.

Data Compression Decoder +2

Large Language Models in Medical Term Classification and Unexpected Misalignment Between Response and Reasoning

no code implementations19 Dec 2023 Xiaodan Zhang, Sandeep Vemulapalli, Nabasmita Talukdar, Sumyeong Ahn, Jiankun Wang, Han Meng, Sardar Mehtab Bin Murtaza, Aakash Ajay Dave, Dmitry Leshchiner, Dimitri F. Joseph, Martin Witteveen-Lane, Dave Chesla, Jiayu Zhou, Bin Chen

This study assesses the ability of state-of-the-art large language models (LLMs) including GPT-3. 5, GPT-4, Falcon, and LLaMA 2 to identify patients with mild cognitive impairment (MCI) from discharge summaries and examines instances where the models' responses were misaligned with their reasoning.

Decision Making Prompt Engineering

Towards Compact 3D Representations via Point Feature Enhancement Masked Autoencoders

1 code implementation17 Dec 2023 Yaohua Zha, Huizhen Ji, Jinmin Li, Rongsheng Li, Tao Dai, Bin Chen, Zhi Wang, Shu-Tao Xia

Specifically, to learn more compact features, a share-parameter Transformer encoder is introduced to extract point features from the global and local unmasked patches obtained by global random and local block mask strategies, followed by a specific decoder to reconstruct.

Few-Shot 3D Point Cloud Classification

Perceptual Image Compression with Cooperative Cross-Modal Side Information

no code implementations23 Nov 2023 Shiyu Qin, Bin Chen, Yujun Huang, Baoyi An, Tao Dai, Shu-Tao Xia

The explosion of data has resulted in more and more associated text being transmitted along with images.

Decoder Image Compression +1

Data-Aware Gradient Compression for FL in Communication-Constrained Mobile Computing

no code implementations13 Nov 2023 Rongwei Lu, Yutong Jiang, Yinan Mao, Chen Tang, Bin Chen, Laizhong Cui, Zhi Wang

Recognizing the computational limitations of mobile devices, we propose the DAGC-A, which is computationally less demanding and enhances the robustness of compression in non-IID scenarios.

Federated Learning

USDC: Unified Static and Dynamic Compression for Visual Transformer

no code implementations17 Oct 2023 Huan Yuan, Chao Liao, Jianchao Tan, Peng Yao, Jiyuan Jia, Bin Chen, Chengru Song, Di Zhang

To alleviate two disadvantages of two categories of methods, we propose to unify the static compression and dynamic compression techniques jointly to obtain an input-adaptive compressed model, which can further better balance the total compression ratios and the model performances.

Model Compression

ASP: Automatic Selection of Proxy dataset for efficient AutoML

no code implementations17 Oct 2023 Peng Yao, Chao Liao, Jiyuan Jia, Jianchao Tan, Bin Chen, Chengru Song, Di Zhang

Deep neural networks have gained great success due to the increasing amounts of data, and diverse effective neural network designs.

Neural Architecture Search

Battle of the Large Language Models: Dolly vs LLaMA vs Vicuna vs Guanaco vs Bard vs ChatGPT -- A Text-to-SQL Parsing Comparison

no code implementations16 Oct 2023 Shuo Sun, Yuchen Zhang, Jiahuan Yan, Yuze Gao, Donovan Ong, Bin Chen, Jian Su

The success of ChatGPT has ignited an AI race, with researchers striving to develop new large language models (LLMs) that can match or surpass the language understanding and generation abilities of commercial ones.

SQL Parsing Text to SQL +1

KwaiYiiMath: Technical Report

no code implementations11 Oct 2023 Jiayi Fu, Lei Lin, Xiaoyang Gao, Pengli Liu, Zhengzong Chen, Zhirui Yang, ShengNan Zhang, Xue Zheng, Yan Li, Yuliang Liu, Xucheng Ye, Yiqiao Liao, Chao Liao, Bin Chen, Chengru Song, Junchen Wan, Zijia Lin, Fuzheng Zhang, Zhongyuan Wang, Di Zhang, Kun Gai

Recent advancements in large language models (LLMs) have demonstrated remarkable abilities in handling a variety of natural language processing (NLP) downstream tasks, even on mathematical tasks requiring multi-step reasoning.

Ranked #97 on Arithmetic Reasoning on GSM8K (using extra training data)

Arithmetic Reasoning GSM8K +1

MuseChat: A Conversational Music Recommendation System for Videos

1 code implementation CVPR 2024 Zhikang Dong, Bin Chen, Xiulong Liu, Pawel Polak, Peng Zhang

The reasoning module, equipped with the power of Large Language Model (Vicuna-7B) and extended to multi-modal inputs, is able to provide reasonable explanation for the recommended music.

Language Modeling Language Modelling +3

GMMFormer: Gaussian-Mixture-Model Based Transformer for Efficient Partially Relevant Video Retrieval

1 code implementation8 Oct 2023 Yuting Wang, Jinpeng Wang, Bin Chen, Ziyun Zeng, Shu-Tao Xia

Current PRVR methods adopt scanning-based clip construction to achieve explicit clip modeling, which is information-redundant and requires a large storage overhead.

Partially Relevant Video Retrieval Retrieval +1

Enhancing Keyphrase Generation by BART Finetuning with Splitting and Shuffling

no code implementations13 Sep 2023 Bin Chen, Mizuho Iwaihara

Keyphrase generation is a task of identifying a set of phrases that best repre-sent the main topics or themes of a given text.

Keyphrase Generation

Unified Language-Vision Pretraining in LLM with Dynamic Discrete Visual Tokenization

1 code implementation9 Sep 2023 Yang Jin, Kun Xu, Liwei Chen, Chao Liao, Jianchao Tan, Quzhe Huang, Bin Chen, Chenyi Lei, An Liu, Chengru Song, Xiaoqiang Lei, Di Zhang, Wenwu Ou, Kun Gai, Yadong Mu

Specifically, we introduce a well-designed visual tokenizer to translate the non-linguistic image into a sequence of discrete tokens like a foreign language that LLM can read.

Language Modelling Large Language Model +1

Adjacency-hopping de Bruijn Sequences for Non-repetitive Coding

no code implementations6 Sep 2023 Bin Chen, Zhenglin Liang, Shiqian Wu

A special type of cyclic sequences named adjacency-hopping de Bruijn sequences is introduced in this paper.

Self-Supervised Scalable Deep Compressed Sensing

1 code implementation26 Aug 2023 Bin Chen, Xuanyu Zhang, Shuai Liu, Yongbing Zhang, Jian Zhang

Compressed sensing (CS) is a promising tool for reducing sampling costs.

compressed sensing

On the Performance of Multidimensional Constellation Shaping for Linear and Nonlinear Optical Fiber Channel

no code implementations17 Aug 2023 Bin Chen, Zhiwei Liang, Shen Li, Yi Lei, Gabriele Liga, Alex Alvarado

Multidimensional constellation shaping of up to 32 dimensions with different spectral efficiencies are compared through AWGN and fiber-optic simulations.

Resource Constrained Model Compression via Minimax Optimization for Spiking Neural Networks

1 code implementation9 Aug 2023 Jue Chen, Huan Yuan, Jianchao Tan, Bin Chen, Chengru Song, Di Zhang

We propose an improved end-to-end Minimax optimization method for this sparse learning problem to better balance the model performance and the computation efficiency.

Model Compression Sparse Learning

GIFD: A Generative Gradient Inversion Method with Feature Domain Optimization

1 code implementation ICCV 2023 Hao Fang, Bin Chen, Xuan Wang, Zhi Wang, Shu-Tao Xia

Federated Learning (FL) has recently emerged as a promising distributed machine learning framework to preserve clients' privacy, by allowing multiple clients to upload the gradients calculated from their local data to a central server.

Federated Learning Image Generation

One-stage Low-resolution Text Recognition with High-resolution Knowledge Transfer

1 code implementation5 Aug 2023 Hang Guo, Tao Dai, Mingyan Zhu, Guanghao Meng, Bin Chen, Zhi Wang, Shu-Tao Xia

Current solutions for low-resolution text recognition (LTR) typically rely on a two-stage pipeline that involves super-resolution as the first stage followed by the second-stage recognition.

Contrastive Learning Knowledge Distillation +2

An Adaptive Model Ensemble Adversarial Attack for Boosting Adversarial Transferability

1 code implementation ICCV 2023 Bin Chen, Jia-Li Yin, Shukai Chen, Bo-Hao Chen, Ximeng Liu

Alternatively, model ensemble adversarial attacks are proposed to fuse outputs from surrogate models with diverse architectures to get an ensemble loss, making the generated adversarial example more likely to transfer to other models as it can fool multiple models concurrently.

Adversarial Attack

Deep Physics-Guided Unrolling Generalization for Compressed Sensing

1 code implementation18 Jul 2023 Bin Chen, Jiechong Song, Jingfen Xie, Jian Zhang

By absorbing the merits of both the model- and data-driven methods, deep physics-engaged learning scheme achieves high-accuracy and interpretable image reconstruction.

compressed sensing Image Compressed Sensing +1

Mega-cities dominate China's urban greening

no code implementations3 Jul 2023 Xiaoxin Zhang, Martin Brandt, Xiaoye Tong, Xiaowei Tong, Wenmin Zhang, Florian Reiner, Sizhuo Li, Feng Tian, Yuemin Yue, Weiqi Zhou, Bin Chen, Xiangming Xiao, Rasmus Fensholt

Trees play a crucial role in urban environments, offering various ecosystem services that contribute to public health and human well-being.

Dynamic Path-Controllable Deep Unfolding Network for Compressive Sensing

1 code implementation28 Jun 2023 Jiechong Song, Bin Chen, Jian Zhang

Deep unfolding network (DUN) that unfolds the optimization algorithm into a deep neural network has achieved great success in compressive sensing (CS) due to its good interpretability and high performance.

Compressive Sensing

Vision-Language Pre-training with Object Contrastive Learning for 3D Scene Understanding

no code implementations18 May 2023 Taolin Zhang, Sunan He, Dai Tao, Bin Chen, Zhi Wang, Shu-Tao Xia

In recent years, vision language pre-training frameworks have made significant progress in natural language processing and computer vision, achieving remarkable performance improvement on various downstream tasks.

Contrastive Learning Object +2

Unsupervised Anomaly Detection with Local-Sensitive VQVAE and Global-Sensitive Transformers

no code implementations29 Mar 2023 Mingqing Wang, Jiawei Li, Zhenyang Li, Chengxiao Luo, Bin Chen, Shu-Tao Xia, Zhi Wang

In this work, the VQVAE focus on feature extraction and reconstruction of images, and the transformers fit the manifold and locate anomalies in the latent space.

Unsupervised Anomaly Detection

Progressive Content-aware Coded Hyperspectral Compressive Imaging

no code implementations17 Mar 2023 Xuanyu Zhang, Bin Chen, Wenzhen Zou, Shuai Liu, Yongbing Zhang, Ruiqin Xiong, Jian Zhang

Hyperspectral imaging plays a pivotal role in a wide range of applications, like remote sensing, medicine, and cytology.

Analytical Model of Nonlinear Fiber Propagation for General Dual-Polarization Four-Dimensional Modulation Format

no code implementations14 Feb 2023 Zhiwei Liang, Bin Chen, Yi Lei, Gabriele Liga, Alex Alvarado

As an application of our model, we further study the effects of signal-noise interactions in long-haul transmission via the proposed model.

Revisiting Image Deblurring with an Efficient ConvNet

1 code implementation4 Feb 2023 Lingyan Ruan, Mojtaba Bemana, Hans-Peter Seidel, Karol Myszkowski, Bin Chen

In this work, we propose a unified lightweight CNN network that features a large effective receptive field (ERF) and demonstrates comparable or even better performance than Transformers while bearing less computational costs.

Attribute Deblurring +2

Contrastive Masked Autoencoders for Self-Supervised Video Hashing

1 code implementation21 Nov 2022 Yuting Wang, Jinpeng Wang, Bin Chen, Ziyun Zeng, Shutao Xia

To capture video semantic information for better hashing learning, we adopt an encoder-decoder structure to reconstruct the video from its temporal-masked frames.

Decoder Retrieval +3

Learning Transferable Spatiotemporal Representations from Natural Script Knowledge

1 code implementation CVPR 2023 Ziyun Zeng, Yuying Ge, Xihui Liu, Bin Chen, Ping Luo, Shu-Tao Xia, Yixiao Ge

Pre-training on large-scale video data has become a common recipe for learning transferable spatiotemporal representations in recent years.

Descriptive Representation Learning +1

Learned Distributed Image Compression with Multi-Scale Patch Matching in Feature Domain

no code implementations6 Sep 2022 Yujun Huang, Bin Chen, Shiyu Qin, Jiawei Li, YaoWei Wang, Tao Dai, Shu-Tao Xia

Specifically, MSFDPM consists of a side information feature extractor, a multi-scale feature domain patch matching module, and a multi-scale feature fusion network.

Decoder Image Compression +1

Multi-Scale Architectures Matter: On the Adversarial Robustness of Flow-based Lossless Compression

no code implementations26 Aug 2022 Yi-chong Xia, Bin Chen, Yan Feng, Tian-shuo Ge

As a probabilistic modeling technique, the flow-based model has demonstrated remarkable potential in the field of lossless compression \cite{idf, idf++, lbb, ivpf, iflow},.

Adversarial Robustness Density Estimation

SIAD: Self-supervised Image Anomaly Detection System

no code implementations8 Aug 2022 Jiawei Li, Chenxi Lan, Xinyi Zhang, Bolin Jiang, Yuqiu Xie, Naiqi Li, Yan Liu, Yaowei Li, Enze Huo, Bin Chen

To make a step forward, this paper outlines an automatic annotation system called SsaA, working in a self-supervised learning manner, for continuously making the online visual inspection in the manufacturing automation scenarios.

Anomaly Detection Cloud Computing +1

D3C2-Net: Dual-Domain Deep Convolutional Coding Network for Compressive Sensing

1 code implementation27 Jul 2022 Weiqi Li, Bin Chen, Shuai Liu, Shijie Zhao, Bowen Du, Yongbing Zhang, Jian Zhang

By mapping iterative optimization algorithms into neural networks (NNs), deep unfolding networks (DUNs) exhibit well-defined and interpretable structures and achieve remarkable success in the field of compressive sensing (CS).

Compressive Sensing

Content-aware Scalable Deep Compressed Sensing

1 code implementation19 Jul 2022 Bin Chen, Jian Zhang

To more efficiently address image compressed sensing (CS) problems, we present a novel content-aware scalable network dubbed CASNet which collectively achieves adaptive sampling rate allocation, fine granular scalability and high-quality reconstruction.

Blocking compressed sensing +2

Cycle Self-Training for Semi-Supervised Object Detection with Distribution Consistency Reweighting

no code implementations12 Jul 2022 Hao liu, Bin Chen, Bo wang, Chunpeng Wu, Feng Dai, Peng Wu

To address the coupling problem, we propose a Cycle Self-Training (CST) framework for SSOD, which consists of two teachers T1 and T2, two students S1 and S2.

object-detection Object Detection +1

Analytical SNR Prediction in Long-Haul Optical Transmission using General Dual-Polarization 4D Formats

no code implementations2 Jun 2022 Zhiwei Liang, Bin Chen, Yi Lei, Gabriele Liga, Alex Alvarado

Nonlinear interference models for dual-polarization 4D (DP-4D) modulation have only been used so far to predict signal-signal nonlinear interference.

Learning to Deblur using Light Field Generated and Real Defocus Images

1 code implementation CVPR 2022 Lingyan Ruan, Bin Chen, Jizhou Li, Miuling Lam

We first train the network on a light field-generated dataset for its highly accurate image correspondence.

 Ranked #1 on Image Defocus Deblurring on RealDOF (using extra training data)

Deblurring Image Defocus Deblurring +1

ViT-P: Rethinking Data-efficient Vision Transformers from Locality

1 code implementation4 Mar 2022 Bin Chen, Ran Wang, Di Ming, Xin Feng

We make vision transformers as data-efficient as convolutional neural networks by introducing multi-focal attention bias.

Hybrid Contrastive Quantization for Efficient Cross-View Video Retrieval

1 code implementation7 Feb 2022 Jinpeng Wang, Bin Chen, Dongliang Liao, Ziyun Zeng, Gongfu Li, Shu-Tao Xia, Jin Xu

By performing Asymmetric-Quantized Contrastive Learning (AQ-CL) across views, HCQ aligns texts and videos at coarse-grained and multiple fine-grained levels.

Contrastive Learning Quantization +4

Subspace modeling for fast and high-sensitivity X-ray chemical imaging

no code implementations1 Jan 2022 Jizhou Li, Bin Chen, Guibin Zan, Guannan Qian, Piero Pianetta, Yijin Liu

Resolving morphological chemical phase transformations at the nanoscale is of vital importance to many scientific and industrial applications across various disciplines.

Denoising Vocal Bursts Intensity Prediction

Shaped Four-Dimensional Modulation Formats for Optical Fiber Communication Systems

no code implementations23 Dec 2021 Bin Chen, Gabriele Liga, Yi Lei, Wei Ling, Zhengyan Huan, Xuwei Xue, Alex Alvarado

We review the design of multidimensional modulations by maximizing generalized mutual information and compare the maximum transmission reach of recently introduced 4D formats.

Low-Complexity Geometrical Shaping for 4D Modulation Formats via Amplitude Coding

no code implementations29 Oct 2021 Bin Chen, Wei Ling, Yunus Can Gültekin, Yi Lei, Chigo Okonkwo, Alex Alvarado

Signal shaping is vital to approach Shannon's capacity, yet it is challenging to implement at very high speeds.

Model-aided Geometrical Shaping of Dual-polarization 4D Formats in the Nonlinear Fiber Channel

no code implementations22 Oct 2021 Gabriele Liga, Bin Chen, Alex Alvarado

The geometry of dual-polarization four-dimensional constellations is optimized in the optical fiber channel using a recent nonlinear interference model.

Memory-Augmented Deep Unfolding Network for Compressive Sensing

1 code implementation19 Oct 2021 Jiechong Song, Bin Chen, Jian Zhang

By understanding DUNs from the perspective of the human brain's memory processing, we find there exists two issues in existing DUNs.

Compressive Sensing

Learning a self-supervised tone mapping operator via feature contrast masking loss

no code implementations19 Oct 2021 Chao Wang, Bin Chen, Hans-Peter Seidel, Karol Myszkowski, Ana Serrano

High Dynamic Range (HDR) content is becoming ubiquitous due to the rapid development of capture technologies.

Tone Mapping

Contrastive Quantization with Code Memory for Unsupervised Image Retrieval

1 code implementation11 Sep 2021 Jinpeng Wang, Ziyun Zeng, Bin Chen, Tao Dai, Shu-Tao Xia

The high efficiency in computation and storage makes hashing (including binary hashing and quantization) a common strategy in large-scale retrieval systems.

Contrastive Learning Deep Hashing +2

Unbiased IoU for Spherical Image Object Detection

no code implementations18 Aug 2021 Qiang Zhao, Bin Chen, Hang Xu, Yike Ma, XiaoDong Li, Bailan Feng, Chenggang Yan, Feng Dai

In this paper, we first identify that spherical rectangles are unbiased bounding boxes for objects in spherical images, and then propose an analytical method for IoU calculation without any approximations.

Object object-detection +1

COAST: COntrollable Arbitrary-Sampling NeTwork for Compressive Sensing

1 code implementation15 Jul 2021 Di You, Jian Zhang, Jingfen Xie, Bin Chen, Siwei Ma

In this paper, we propose a novel COntrollable Arbitrary-Sampling neTwork, dubbed COAST, to solve CS problems of arbitrary-sampling matrices (including unseen sampling matrices) with one single model.

Blocking Compressive Sensing +1

Universal Adversarial Head: Practical Protection against Video Data Leakage

no code implementations ICML Workshop AML 2021 Jiawang Bai, Bin Chen, Dongxian Wu, Chaoning Zhang, Shu-Tao Xia

We propose $universal \ adversarial \ head$ (UAH), which crafts adversarial query videos by prepending the original videos with a sequence of adversarial frames to perturb the normal hash codes in the Hamming space.

Deep Hashing Video Retrieval

MoCL: Data-driven Molecular Fingerprint via Knowledge-aware Contrastive Learning from Molecular Graph

1 code implementation5 Jun 2021 Mengying Sun, Jing Xing, Huijun Wang, Bin Chen, Jiayu Zhou

Second, the contrastive scheme only learns representations that are invariant to local perturbations and thus does not consider the global structure of the dataset, which may also be useful for downstream tasks.

Contrastive Learning Representation Learning

Shape-driven Coordinate Ordering for Star Glyph Sets via Reinforcement Learning

no code implementations3 Mar 2021 Ruizhen Hu, Bin Chen, Juzhan Xu, Oliver van Kaick, Oliver Deussen, Hui Huang

Given a set of star glyphs associated to multiple class labels, we propose to use shape context descriptors to measure the perceptual distance between pairs of glyphs, and use the derived silhouette coefficient to measure the perception of class separability within the entire set.

Decoder Perceptual Distance +2

Modeling of Nonlinear Interference Power for Dual-Polarization 4D Formats

no code implementations27 Jan 2021 Gabriele Liga, Bin Chen, Astrid Barreiro, Alex Alvarado

We assess the accuracy of a recently introduced nonlinear interference model for general dual-polarization 4D formats.~ Unlike previous models for polarization-multiplexed 2D formats, an average gap from split-step Fourier simulations within 0. 1 dB is demonstrated.

Transformer-based Language Model Fine-tuning Methods for COVID-19 Fake News Detection

no code implementations14 Jan 2021 Ben Chen, Bin Chen, Dehong Gao, Qijin Chen, Chengfu Huo, Xiaonan Meng, Weijun Ren, Yang Zhou

However, universal language models may perform weakly in these fake news detection for lack of large-scale annotated data and sufficient semantic understanding of domain-specific knowledge.

Fake News Detection Language Modeling +1

Robust Collaborative Learning with Noisy Labels

no code implementations26 Dec 2020 Mengying Sun, Jing Xing, Bin Chen, Jiayu Zhou

In this paper, we study the underlying mechanism of how disagreement and agreement between networks can help reduce the noise in gradients and develop a novel framework called Robust Collaborative Learning (RCL) that leverages both disagreement and agreement among networks.

Learning with noisy labels Selection bias

Dual Refinement Feature Pyramid Networks for Object Detection

no code implementations3 Dec 2020 Jialiang Ma, Bin Chen

SRB learns the location and content of sampling points based on contextual information between adjacent levels.

Object object-detection +1

TAP-Net: Transport-and-Pack using Reinforcement Learning

no code implementations3 Sep 2020 Ruizhen Hu, Juzhan Xu, Bin Chen, Minglun Gong, Hao Zhang, Hui Huang

Using a learning-based approach, a trained network can learn and encode solution patterns to guide the solution of new problem instances instead of executing an expensive online search.

Decoder reinforcement-learning +2

Targeted Attack for Deep Hashing based Retrieval

2 code implementations ECCV 2020 Jiawang Bai, Bin Chen, Yiming Li, Dongxian Wu, Weiwei Guo, Shu-Tao Xia, En-hui Yang

In this paper, we propose a novel method, dubbed deep hashing targeted attack (DHTA), to study the targeted attack on such retrieval.

Deep Hashing Image Retrieval +1

Adversarial Attack on Deep Product Quantization Network for Image Retrieval

no code implementations26 Feb 2020 Yan Feng, Bin Chen, Tao Dai, Shu-Tao Xia

Deep product quantization network (DPQN) has recently received much attention in fast image retrieval tasks due to its efficiency of encoding high-dimensional visual features especially when dealing with large-scale datasets.

Adversarial Attack Image Retrieval +2

The Entropy of Artificial Intelligence and a Case Study of AlphaZero from Shannon's Perspective

no code implementations14 Dec 2018 Bo Zhang, Bin Chen, Jin-lin Peng

Firstly, as there is a finite number of possibilities in the game, is there a quantifiable intelligence measurement for evaluating intelligent systems, e. g. AlphaZero?

Reinforcement Learning

An Unified Intelligence-Communication Model for Multi-Agent System Part-I: Overview

no code implementations25 Nov 2018 Bo Zhang, Bin Chen, Jinyu Yang, Wenjing Yang, Jiankang Zhang

Motivated by Shannon's model and recent rehabilitation of self-supervised artificial intelligence having a "World Model", this paper propose an unified intelligence-communication (UIC) model for describing a single agent and any multi-agent system.

Aspects of Warped AdS$_3$/CFT$_2$ Correspondence

no code implementations27 Feb 2013 Bin Chen, Jia-ju Zhang, Jian-dong Zhang, De-liang Zhong

In this paper we apply the thermodynamics method to investigate the holographic pictures for the BTZ black hole, the spacelike and the null warped black holes in three-dimensional topologically massive gravity (TMG) and new massive gravity (NMG).

High Energy Physics - Theory General Relativity and Quantum Cosmology

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