Search Results for author: Nicu Sebe

Found 250 papers, 154 papers with code

Weakly-Supervised Crowd Counting Learns from Sorting rather than Locations

no code implementations ECCV 2020 Yifan Yang, Guorong Li, Zhe Wu, Li Su, Qingming Huang, Nicu Sebe

We propose a soft-label sorting network along with the counting network, which sorts the given images by their crowd numbers.

Crowd Counting

Enhanced Multi-Scale Cross-Attention for Person Image Generation

no code implementations15 Jan 2025 Hao Tang, Ling Shao, Nicu Sebe, Luc van Gool

Moreover, we propose two novel cross-attention blocks to effectively transfer and update the person's shape and appearance embeddings for mutual improvement.

Beyond the Known: Enhancing Open Set Domain Adaptation with Unknown Exploration

1 code implementation24 Dec 2024 Lucas Fernando Alvarenga e Silva, Samuel Felipe dos Santos, Nicu Sebe, Jurandy Almeida

In this work, we introduce a new approach to improve OSDA techniques by extracting a set of high-confidence unknown instances and using it as a hard constraint to tighten the classification boundaries.

Data Augmentation Domain Adaptation +1

3D Part Segmentation via Geometric Aggregation of 2D Visual Features

no code implementations5 Dec 2024 Marco Garosi, Riccardo Tedoldi, Davide Boscaini, Massimiliano Mancini, Nicu Sebe, Fabio Poiesi

Supervised 3D part segmentation models are tailored for a fixed set of objects and parts, limiting their transferability to open-set, real-world scenarios.

3D geometry 3D Part Segmentation +1

Hierarchical Information Flow for Generalized Efficient Image Restoration

no code implementations27 Nov 2024 Yawei Li, Bin Ren, Jingyun Liang, Rakesh Ranjan, Mengyuan Liu, Nicu Sebe, Ming-Hsuan Yang, Luca Benini

To strike a balance between efficiency and model capacity for a generalized transformer-based IR method, we propose a hierarchical information flow mechanism for image restoration, dubbed Hi-IR, which progressively propagates information among pixels in a bottom-up manner.

Color Image Denoising Grayscale Image Denoising +5

Hierarchical Cross-Attention Network for Virtual Try-On

no code implementations23 Nov 2024 Hao Tang, Bin Ren, Pingping Wu, Nicu Sebe

In this paper, we present an innovative solution for the challenges of the virtual try-on task: our novel Hierarchical Cross-Attention Network (HCANet).

Geometric Matching Virtual Try-on

Anti-Forgetting Adaptation for Unsupervised Person Re-identification

no code implementations22 Nov 2024 Hao Chen, Francois Bremond, Nicu Sebe, Shiliang Zhang

In this paper, we propose a Dual-level Joint Adaptation and Anti-forgetting (DJAA) framework, which incrementally adapts a model to new domains without forgetting source domain and each adapted target domain.

Domain Adaptive Person Re-Identification Unsupervised Person Re-Identification

Face Anonymization Made Simple

1 code implementation1 Nov 2024 Han-Wei Kung, Tuomas Varanka, Sanjay Saha, Terence Sim, Nicu Sebe

Current face anonymization techniques often depend on identity loss calculated by face recognition models, which can be inaccurate and unreliable.

Attribute Face Anonymization +2

Prototypical Hash Encoding for On-the-Fly Fine-Grained Category Discovery

1 code implementation24 Oct 2024 Haiyang Zheng, Nan Pu, Wenjing Li, Nicu Sebe, Zhun Zhong

To address these issues, we propose a novel Prototypical Hash Encoding (PHE) framework consisting of Category-aware Prototype Generation (CPG) and Discriminative Category Encoding (DCE) to mitigate the sensitivity of hash code while preserving rich discriminative information contained in high-dimension feature space, in a two-stage projection fashion.

LESS: Label-Efficient and Single-Stage Referring 3D Segmentation

1 code implementation17 Oct 2024 Xuexun Liu, Xiaoxu Xu, Jinlong Li, Qiudan Zhang, Xu Wang, Nicu Sebe, Lin Ma

Specifically, we design a Point-Word Cross-Modal Alignment module for aligning the fine-grained features of points and textual embedding.

cross-modal alignment Instance Segmentation +3

RMLR: Extending Multinomial Logistic Regression into General Geometries

1 code implementation28 Sep 2024 Ziheng Chen, Yue Song, Rui Wang, XiaoJun Wu, Nicu Sebe

Specifically, we showcase our framework on the Symmetric Positive Definite (SPD) manifold and special orthogonal group, i. e., the set of rotation matrices.

regression

Discriminative Anchor Learning for Efficient Multi-view Clustering

no code implementations25 Sep 2024 Yalan Qin, Nan Pu, Hanzhou Wu, Nicu Sebe

We learn discriminative view-specific feature representations according to the original dataset and build anchors from different views based on these representations, which increase the quality of the shared anchor graph.

Clustering graph construction

Optimizing Resource Consumption in Diffusion Models through Hallucination Early Detection

no code implementations16 Sep 2024 Federico Betti, Lorenzo Baraldi, Rita Cucchiara, Nicu Sebe

Diffusion models have significantly advanced generative AI, but they encounter difficulties when generating complex combinations of multiple objects.

Hallucination

GradBias: Unveiling Word Influence on Bias in Text-to-Image Generative Models

1 code implementation29 Aug 2024 Moreno D'Incà, Elia Peruzzo, Massimiliano Mancini, Xingqian Xu, Humphrey Shi, Nicu Sebe

OpenBias detects and quantifies biases, while GradBias determines the contribution of individual prompt words on biases.

Bias Detection Fairness +5

Global-Local Distillation Network-Based Audio-Visual Speaker Tracking with Incomplete Modalities

no code implementations26 Aug 2024 Yidi Li, Yihan Li, Yixin Guo, Bin Ren, Zhenhuan Xu, Hao Guo, Hong Liu, Nicu Sebe

By transferring knowledge from teacher to student, the student network can better adapt to complex dynamic scenes with incomplete observations.

Generative Adversarial Network

Large Language Models for Multimodal Deformable Image Registration

1 code implementation20 Aug 2024 Mingrui Ma, Weijie Wang, Jie Ning, Jianfeng He, Nicu Sebe, Bruno Lepri

Specifically, we first utilize a CNN encoder to extract deep visual features from cross-modal image pairs, then we use the first adapter to adjust these tokens, and use LoRA in pre-trained LLMs to fine-tune their weights, both aimed at eliminating the domain gap between the pre-trained LLMs and the MDIR task.

Image Registration MORPH

ShapeSplat: A Large-scale Dataset of Gaussian Splats and Their Self-Supervised Pretraining

no code implementations20 Aug 2024 Qi Ma, Yue Li, Bin Ren, Nicu Sebe, Ender Konukoglu, Theo Gevers, Luc van Gool, Danda Pani Paudel

In particular, we show that (1) the distribution of the optimized GS centroids significantly differs from the uniformly sampled point cloud (used for initialization) counterpart; (2) this change in distribution results in degradation in classification but improvement in segmentation tasks when using only the centroids; (3) to leverage additional Gaussian parameters, we propose Gaussian feature grouping in a normalized feature space, along with splats pooling layer, offering a tailored solution to effectively group and embed similar Gaussians, which leads to notable improvement in finetuning tasks.

Representation Learning

Masked Image Modeling: A Survey

1 code implementation13 Aug 2024 Vlad Hondru, Florinel Alin Croitoru, Shervin Minaee, Radu Tudor Ionescu, Nicu Sebe

In this work, we survey recent studies on masked image modeling (MIM), an approach that emerged as a powerful self-supervised learning technique in computer vision.

Contrastive Learning Self-Supervised Learning +1

Towards End-to-End Explainable Facial Action Unit Recognition via Vision-Language Joint Learning

no code implementations1 Aug 2024 Xuri Ge, Junchen Fu, Fuhai Chen, Shan An, Nicu Sebe, Joemon M. Jose

Facial action units (AUs), as defined in the Facial Action Coding System (FACS), have received significant research interest owing to their diverse range of applications in facial state analysis.

Facial Action Unit Detection Representation Learning

Understanding Matrix Function Normalizations in Covariance Pooling through the Lens of Riemannian Geometry

no code implementations15 Jul 2024 Ziheng Chen, Yue Song, Xiao-Jun Wu, Gaowen Liu, Nicu Sebe

Global Covariance Pooling (GCP) has been demonstrated to improve the performance of Deep Neural Networks (DNNs) by exploiting second-order statistics of high-level representations.

3D Weakly Supervised Semantic Segmentation with 2D Vision-Language Guidance

1 code implementation13 Jul 2024 Xiaoxu Xu, Yitian Yuan, Jinlong Li, Qiudan Zhang, Zequn Jie, Lin Ma, Hao Tang, Nicu Sebe, Xu Wang

In this paper, we propose 3DSS-VLG, a weakly supervised approach for 3D Semantic Segmentation with 2D Vision-Language Guidance, an alternative approach that a 3D model predicts dense-embedding for each point which is co-embedded with both the aligned image and text spaces from the 2D vision-language model.

3D Semantic Segmentation Language Modelling +3

Enhancing Robustness of Vision-Language Models through Orthogonality Learning and Self-Regularization

no code implementations11 Jul 2024 Jinlong Li, Dong Zhao, Zequn Jie, Elisa Ricci, Lin Ma, Nicu Sebe

Previous works primarily focus on prompt learning to adapt the CLIP into a variety of downstream tasks, however, suffering from task overfitting when fine-tuned on a small data set.

Data Augmentation Domain Generalization +1

Bringing Masked Autoencoders Explicit Contrastive Properties for Point Cloud Self-Supervised Learning

1 code implementation8 Jul 2024 Bin Ren, Guofeng Mei, Danda Pani Paudel, Weijie Wang, Yawei Li, Mengyuan Liu, Rita Cucchiara, Luc van Gool, Nicu Sebe

To answer this question, we first empirically validate that integrating MAE-based point cloud pre-training with the standard contrastive learning paradigm, even with meticulous design, can lead to a decrease in performance.

Contrastive Learning Data Augmentation +2

Product Geometries on Cholesky Manifolds with Applications to SPD Manifolds

no code implementations2 Jul 2024 Ziheng Chen, Yue Song, Xiao-Jun Wu, Nicu Sebe

Further, by Cholesky decomposition, the proposed deformed metrics and gyro structures are pulled back to SPD manifolds.

Transferable-guided Attention Is All You Need for Video Domain Adaptation

1 code implementation1 Jul 2024 André Sacilotti, Samuel Felipe dos Santos, Nicu Sebe, Jurandy Almeida

DTAB compels ViT to focus on the spatio-temporal transferability relationship among video frames by changing the self-attention mechanism to a transferability attention mechanism.

Unsupervised Domain Adaptation

Stable Neighbor Denoising for Source-free Domain Adaptive Segmentation

1 code implementation CVPR 2024 Dong Zhao, Shuang Wang, Qi Zang, Licheng Jiao, Nicu Sebe, Zhun Zhong

Specifically, we introduce the Stable Neighbor Denoising (SND) approach, which effectively discovers highly correlated stable and unstable samples by nearest neighbor retrieval and guides the reliable optimization of unstable samples by bi-level learning.

Denoising Pseudo Label +2

Sharing Key Semantics in Transformer Makes Efficient Image Restoration

no code implementations30 May 2024 Bin Ren, Yawei Li, Jingyun Liang, Rakesh Ranjan, Mengyuan Liu, Rita Cucchiara, Luc van Gool, Ming-Hsuan Yang, Nicu Sebe

Additionally, for IR, it is commonly noted that small segments of a degraded image, particularly those closely aligned semantically, provide particularly relevant information to aid in the restoration process, as they contribute essential contextual cues crucial for accurate reconstruction.

Image Restoration

Curriculum Direct Preference Optimization for Diffusion and Consistency Models

no code implementations22 May 2024 Florinel-Alin Croitoru, Vlad Hondru, Radu Tudor Ionescu, Nicu Sebe, Mubarak Shah

Our approach, Curriculum DPO, is compared against state-of-the-art fine-tuning approaches on three benchmarks, outperforming the competing methods in terms of text alignment, aesthetics and human preference.

Text-to-Image Generation

Deep Learning-Based Object Pose Estimation: A Comprehensive Survey

1 code implementation13 May 2024 Jian Liu, Wei Sun, Hui Yang, Zhiwen Zeng, Chongpei Liu, Jin Zheng, Xingyu Liu, Hossein Rahmani, Nicu Sebe, Ajmal Mian

Object pose estimation is a fundamental computer vision problem with broad applications in augmented reality and robotics.

Deep Learning Object +2

UVMap-ID: A Controllable and Personalized UV Map Generative Model

1 code implementation22 Apr 2024 Weijie Wang, Jichao Zhang, Chang Liu, Xia Li, Xingqian Xu, Humphrey Shi, Nicu Sebe, Bruno Lepri

To solve the above problems, we introduce a novel method, UVMap-ID, which is a controllable and personalized UV Map generative model.

Attribute

OpenBias: Open-set Bias Detection in Text-to-Image Generative Models

1 code implementation CVPR 2024 Moreno D'Incà, Elia Peruzzo, Massimiliano Mancini, Dejia Xu, Vidit Goel, Xingqian Xu, Zhangyang Wang, Humphrey Shi, Nicu Sebe

In this paper, we tackle the challenge of open-set bias detection in text-to-image generative models presenting OpenBias, a new pipeline that identifies and quantifies the severity of biases agnostically, without access to any precompiled set.

Bias Detection Fairness +4

A Lie Group Approach to Riemannian Batch Normalization

1 code implementation17 Mar 2024 Ziheng Chen, Yue Song, Yunmei Liu, Nicu Sebe

Using the deformation concept, we generalize the existing Lie groups on SPD manifolds into three families of parameterized Lie groups.

Action Recognition EEG +1

SM4Depth: Seamless Monocular Metric Depth Estimation across Multiple Cameras and Scenes by One Model

2 code implementations13 Mar 2024 Yihao Liu, Feng Xue, Anlong Ming, Mingshuai Zhao, Huadong Ma, Nicu Sebe

Firstly, to obtain consistent depth across diverse scenes, we propose a novel metric scale modeling, i. e., variation-based unnormalized depth bins.

Depth Estimation

Textual Knowledge Matters: Cross-Modality Co-Teaching for Generalized Visual Class Discovery

1 code implementation12 Mar 2024 Haiyang Zheng, Nan Pu, Wenjing Li, Nicu Sebe, Zhun Zhong

In this paper, we study the problem of Generalized Category Discovery (GCD), which aims to cluster unlabeled data from both known and unknown categories using the knowledge of labeled data from known categories.

Descriptive Retrieval +1

Uncertainty-Aware Testing-Time Optimization for 3D Human Pose Estimation

no code implementations4 Feb 2024 Ti Wang, Mengyuan Liu, Hong Liu, Bin Ren, Yingxuan You, Wenhao Li, Nicu Sebe, Xia Li

We observe that previous optimization-based methods commonly rely on projection constraint, which only ensures alignment in 2D space, potentially leading to the overfitting problem.

3D Human Pose Estimation

Key-Graph Transformer for Image Restoration

no code implementations4 Feb 2024 Bin Ren, Yawei Li, Jingyun Liang, Rakesh Ranjan, Mengyuan Liu, Rita Cucchiara, Luc van Gool, Nicu Sebe

While it is crucial to capture global information for effective image restoration (IR), integrating such cues into transformer-based methods becomes computationally expensive, especially with high input resolution.

Graph Attention Image Restoration

Democratizing Fine-grained Visual Recognition with Large Language Models

no code implementations24 Jan 2024 Mingxuan Liu, Subhankar Roy, Wenjing Li, Zhun Zhong, Nicu Sebe, Elisa Ricci

Identifying subordinate-level categories from images is a longstanding task in computer vision and is referred to as fine-grained visual recognition (FGVR).

Fine-Grained Visual Recognition World Knowledge

Bilateral Reference for High-Resolution Dichotomous Image Segmentation

1 code implementation7 Jan 2024 Peng Zheng, Dehong Gao, Deng-Ping Fan, Li Liu, Jorma Laaksonen, Wanli Ouyang, Nicu Sebe

It comprises two essential components: the localization module (LM) and the reconstruction module (RM) with our proposed bilateral reference (BiRef).

 Ranked #1 on Camouflaged Object Segmentation on COD (using extra training data)

Camouflaged Object Segmentation Dichotomous Image Segmentation +3

VASE: Object-Centric Appearance and Shape Manipulation of Real Videos

no code implementations4 Jan 2024 Elia Peruzzo, Vidit Goel, Dejia Xu, Xingqian Xu, Yifan Jiang, Zhangyang Wang, Humphrey Shi, Nicu Sebe

Recently, several works tackled the video editing task fostered by the success of large-scale text-to-image generative models.

Video Editing

PAIR Diffusion: A Comprehensive Multimodal Object-Level Image Editor

1 code implementation CVPR 2024 Vidit Goel, Elia Peruzzo, Yifan Jiang, Dejia Xu, Xingqian Xu, Nicu Sebe, Trevor Darrell, Zhangyang Wang, Humphrey Shi

We propose PAIR Diffusion a generic framework that enables a diffusion model to control the structure and appearance properties of each object in the image.

Object

Semantic Connectivity-Driven Pseudo-labeling for Cross-domain Segmentation

1 code implementation11 Dec 2023 Dong Zhao, Ruizhi Yang, Shuang Wang, Qi Zang, Yang Hu, Licheng Jiao, Nicu Sebe, Zhun Zhong

This approach formulates pseudo-labels at the connectivity level and thus can facilitate learning structured and low-noise semantics.

Domain Adaptation Semantic Segmentation

ZeroReg: Zero-Shot Point Cloud Registration with Foundation Models

no code implementations5 Dec 2023 Weijie Wang, Wenqi Ren, Guofeng Mei, Bin Ren, Xiaoshui Huang, Fabio Poiesi, Nicu Sebe, Bruno Lepri

To address this, we construct scene graphs to capture spatial relationships among objects and apply a graph matching algorithm to these graphs to accurately identify matched objects.

Decoder Graph Matching +3

RankFeat&RankWeight: Rank-1 Feature/Weight Removal for Out-of-distribution Detection

1 code implementation23 Nov 2023 Yue Song, Wei Wang, Nicu Sebe

This observation motivates us to propose \texttt{RankFeat}, a simple yet effective \emph{post hoc} approach for OOD detection by removing the rank-1 matrix composed of the largest singular value and the associated singular vectors from the high-level feature.

Out-of-Distribution Detection Out of Distribution (OOD) Detection

Flow Factorized Representation Learning

1 code implementation NeurIPS 2023 Yue Song, T. Anderson Keller, Nicu Sebe, Max Welling

A prominent goal of representation learning research is to achieve representations which are factorized in a useful manner with respect to the ground truth factors of variation.

Disentanglement

CNNs for JPEGs: A Study in Computational Cost

no code implementations20 Sep 2023 Samuel Felipe dos Santos, Nicu Sebe, Jurandy Almeida

In this paper, we propose a further study of the computational cost of deep models designed for the frequency domain, evaluating the cost of decoding and passing the images through the network.

Budget-Aware Pruning: Handling Multiple Domains with Less Parameters

no code implementations20 Sep 2023 Samuel Felipe dos Santos, Rodrigo Berriel, Thiago Oliveira-Santos, Nicu Sebe, Jurandy Almeida

We achieve this by encouraging all domains to use a similar subset of filters from the baseline model, up to the amount defined by the user's budget.

Tightening Classification Boundaries in Open Set Domain Adaptation through Unknown Exploitation

no code implementations16 Sep 2023 Lucas Fernando Alvarenga e Silva, Nicu Sebe, Jurandy Almeida

Convolutional Neural Networks (CNNs) have brought revolutionary advances to many research areas due to their capacity of learning from raw data.

Data Augmentation Domain Adaptation

Turn Fake into Real: Adversarial Head Turn Attacks Against Deepfake Detection

no code implementations3 Sep 2023 Weijie Wang, Zhengyu Zhao, Nicu Sebe, Bruno Lepri

Although effective deepfake detectors have been proposed, they are substantially vulnerable to adversarial attacks.

DeepFake Detection Face Swapping

Compositional Semantic Mix for Domain Adaptation in Point Cloud Segmentation

1 code implementation28 Aug 2023 Cristiano Saltori, Fabio Galasso, Giuseppe Fiameni, Nicu Sebe, Fabio Poiesi, Elisa Ricci

In this study, we introduce compositional semantic mixing for point cloud domain adaptation, representing the first unsupervised domain adaptation technique for point cloud segmentation based on semantic and geometric sample mixing.

Point Cloud Completion Point Cloud Segmentation +2

Interactive Neural Painting

no code implementations31 Jul 2023 Elia Peruzzo, Willi Menapace, Vidit Goel, Federica Arrigoni, Hao Tang, Xingqian Xu, Arman Chopikyan, Nikita Orlov, Yuxiao Hu, Humphrey Shi, Nicu Sebe, Elisa Ricci

This paper advances the state of the art in this emerging research domain by proposing the first approach for Interactive NP.

Decoder

Edge Guided GANs with Multi-Scale Contrastive Learning for Semantic Image Synthesis

1 code implementation22 Jul 2023 Hao Tang, Guolei Sun, Nicu Sebe, Luc van Gool

To tackle 2), we design an effective module to selectively highlight class-dependent feature maps according to the original semantic layout to preserve the semantic information.

Contrastive Learning Image Generation

Let's ViCE! Mimicking Human Cognitive Behavior in Image Generation Evaluation

no code implementations18 Jul 2023 Federico Betti, Jacopo Staiano, Lorenzo Baraldi, Rita Cucchiara, Nicu Sebe

Research in Image Generation has recently made significant progress, particularly boosted by the introduction of Vision-Language models which are able to produce high-quality visual content based on textual inputs.

Image Generation Question Answering +1

Householder Projector for Unsupervised Latent Semantics Discovery

1 code implementation ICCV 2023 Yue Song, Jichao Zhang, Nicu Sebe, Wei Wang

Generative Adversarial Networks (GANs), especially the recent style-based generators (StyleGANs), have versatile semantics in the structured latent space.

T2TD: Text-3D Generation Model based on Prior Knowledge Guidance

no code implementations25 May 2023 Weizhi Nie, Ruidong Chen, Weijie Wang, Bruno Lepri, Nicu Sebe

Meanwhile, to effectively integrate multi-modal prior knowledge into textual information, we adopt a novel multi-layer transformer structure to progressively fuse related shape and textual information, which can effectively compensate for the lack of structural information in the text and enhance the final performance of the 3D generation model.

3D Generation 3D Reconstruction +1

Federated Generalized Category Discovery

no code implementations CVPR 2024 Nan Pu, Zhun Zhong, Xinyuan Ji, Nicu Sebe

On each client, GCL builds class-level contrastive learning with both local and global GMMs.

Contrastive Learning

Riemannian Multinomial Logistics Regression for SPD Neural Networks

1 code implementation CVPR 2024 Ziheng Chen, Yue Song, Gaowen Liu, Ramana Rao Kompella, XiaoJun Wu, Nicu Sebe

Besides, our framework offers a novel intrinsic explanation for the most popular LogEig classifier in existing SPD networks.

Action Recognition EEG +2

Latent Traversals in Generative Models as Potential Flows

1 code implementation25 Apr 2023 Yue Song, T. Anderson Keller, Nicu Sebe, Max Welling

In this work, we instead propose to model latent structures with a learned dynamic potential landscape, thereby performing latent traversals as the flow of samples down the landscape's gradient.

Disentanglement Inductive Bias

Dynamic Conceptional Contrastive Learning for Generalized Category Discovery

1 code implementation CVPR 2023 Nan Pu, Zhun Zhong, Nicu Sebe

This leads traditional novel category discovery (NCD) methods to be incapacitated for GCD, due to their assumption of unlabeled data are only from novel categories.

Contrastive Learning Fine-Grained Visual Recognition +2

PAIR-Diffusion: A Comprehensive Multimodal Object-Level Image Editor

1 code implementation30 Mar 2023 Vidit Goel, Elia Peruzzo, Yifan Jiang, Dejia Xu, Xingqian Xu, Nicu Sebe, Trevor Darrell, Zhangyang Wang, Humphrey Shi

We propose PAIR Diffusion, a generic framework that can enable a diffusion model to control the structure and appearance properties of each object in the image.

Object

Large-scale Pre-trained Models are Surprisingly Strong in Incremental Novel Class Discovery

1 code implementation28 Mar 2023 Mingxuan Liu, Subhankar Roy, Zhun Zhong, Nicu Sebe, Elisa Ricci

Discovering novel concepts in unlabelled datasets and in a continuous manner is an important desideratum of lifelong learners.

Novel Class Discovery Novel Concepts

Adaptive Log-Euclidean Metrics for SPD Matrix Learning

no code implementations26 Mar 2023 Ziheng Chen, Yue Song, Tianyang Xu, Zhiwu Huang, Xiao-Jun Wu, Nicu Sebe

Symmetric Positive Definite (SPD) matrices have received wide attention in machine learning due to their intrinsic capacity to encode underlying structural correlation in data.

Attribute-preserving Face Dataset Anonymization via Latent Code Optimization

1 code implementation CVPR 2023 Simone Barattin, Christos Tzelepis, Ioannis Patras, Nicu Sebe

By optimizing the latent codes directly, we ensure both that the identity is of a desired distance away from the original (with an identity obfuscation loss), whilst preserving the facial attributes (using a novel feature-matching loss in FaRL's deep feature space).

Attribute

SpectralCLIP: Preventing Artifacts in Text-Guided Style Transfer from a Spectral Perspective

1 code implementation16 Mar 2023 Zipeng Xu, Songlong Xing, Enver Sangineto, Nicu Sebe

However, directly using CLIP to guide style transfer leads to undesirable artifacts (mainly written words and unrelated visual entities) spread over the image.

Image Generation Style Transfer

StylerDALLE: Language-Guided Style Transfer Using a Vector-Quantized Tokenizer of a Large-Scale Generative Model

1 code implementation ICCV 2023 Zipeng Xu, Enver Sangineto, Nicu Sebe

Despite the progress made in the style transfer task, most previous work focus on transferring only relatively simple features like color or texture, while missing more abstract concepts such as overall art expression or painter-specific traits.

Style Transfer

Graph Transformer GANs for Graph-Constrained House Generation

no code implementations CVPR 2023 Hao Tang, Zhenyu Zhang, Humphrey Shi, Bo Li, Ling Shao, Nicu Sebe, Radu Timofte, Luc van Gool

We present a novel graph Transformer generative adversarial network (GTGAN) to learn effective graph node relations in an end-to-end fashion for the challenging graph-constrained house generation task.

Generative Adversarial Network House Generation +1

Logit Margin Matters: Improving Transferable Targeted Adversarial Attack by Logit Calibration

2 code implementations7 Mar 2023 Juanjuan Weng, Zhiming Luo, Zhun Zhong, Shaozi Li, Nicu Sebe

In this work, we provide a comprehensive investigation of the CE loss function and find that the logit margin between the targeted and untargeted classes will quickly obtain saturation in CE, which largely limits the transferability.

Adversarial Attack

Modiff: Action-Conditioned 3D Motion Generation with Denoising Diffusion Probabilistic Models

no code implementations10 Jan 2023 Mengyi Zhao, Mengyuan Liu, Bin Ren, Shuling Dai, Nicu Sebe

Diffusion-based generative models have recently emerged as powerful solutions for high-quality synthesis in multiple domains.

Denoising Motion Generation

Dynamically Instance-Guided Adaptation: A Backward-Free Approach for Test-Time Domain Adaptive Semantic Segmentation

1 code implementation CVPR 2023 Wei Wang, Zhun Zhong, Weijie Wang, Xi Chen, Charles Ling, Boyu Wang, Nicu Sebe

In this paper, we study the application of Test-time domain adaptation in semantic segmentation (TTDA-Seg) where both efficiency and effectiveness are crucial.

Domain Adaptation Semantic Segmentation

Style-Hallucinated Dual Consistency Learning: A Unified Framework for Visual Domain Generalization

1 code implementation18 Dec 2022 Yuyang Zhao, Zhun Zhong, Na Zhao, Nicu Sebe, Gim Hee Lee

Furthermore, we present a novel style hallucination module (SHM) to generate style-diversified samples that are essential to consistency learning.

Domain Generalization Hallucination +4

Orthogonal SVD Covariance Conditioning and Latent Disentanglement

1 code implementation11 Dec 2022 Yue Song, Nicu Sebe, Wei Wang

Extensive experiments on visual recognition demonstrate that our methods can simultaneously improve covariance conditioning and generalization.

Disentanglement

A Structure-Guided Diffusion Model for Large-Hole Image Completion

1 code implementation18 Nov 2022 Daichi Horita, Jiaolong Yang, Dong Chen, Yuki Koyama, Kiyoharu Aizawa, Nicu Sebe

The structure generator generates an edge image representing plausible structures within the holes, which is then used for guiding the texture generation process.

Denoising Diversity +1

Deep Unsupervised Key Frame Extraction for Efficient Video Classification

no code implementations12 Nov 2022 Hao Tang, Lei Ding, Songsong Wu, Bin Ren, Nicu Sebe, Paolo Rota

The proposed TSDPC is a generic and powerful framework and it has two advantages compared with previous works, one is that it can calculate the number of key frames automatically.

Classification Video Classification

Bipartite Graph Reasoning GANs for Person Pose and Facial Image Synthesis

1 code implementation12 Nov 2022 Hao Tang, Ling Shao, Philip H. S. Torr, Nicu Sebe

To further capture the change in pose of each part more precisely, we propose a novel part-aware bipartite graph reasoning (PBGR) block to decompose the task of reasoning the global structure transformation with a bipartite graph into learning different local transformations for different semantic body/face parts.

Generative Adversarial Network Image Generation

Overlap-guided Gaussian Mixture Models for Point Cloud Registration

1 code implementation17 Oct 2022 Guofeng Mei, Fabio Poiesi, Cristiano Saltori, Jian Zhang, Elisa Ricci, Nicu Sebe

Probabilistic 3D point cloud registration methods have shown competitive performance in overcoming noise, outliers, and density variations.

Point Cloud Registration

Budget-Aware Pruning for Multi-Domain Learning

no code implementations14 Oct 2022 Samuel Felipe dos Santos, Rodrigo Berriel, Thiago Oliveira-Santos, Nicu Sebe, Jurandy Almeida

Nevertheless, the models are usually larger than the baseline for a single domain.

Data Augmentation-free Unsupervised Learning for 3D Point Cloud Understanding

1 code implementation6 Oct 2022 Guofeng Mei, Cristiano Saltori, Fabio Poiesi, Jian Zhang, Elisa Ricci, Nicu Sebe, Qiang Wu

Unsupervised learning on 3D point clouds has undergone a rapid evolution, especially thanks to data augmentation-based contrastive methods.

3D Object Classification Contrastive Learning +3

Vision+X: A Survey on Multimodal Learning in the Light of Data

no code implementations5 Oct 2022 Ye Zhu, Yu Wu, Nicu Sebe, Yan Yan

We are perceiving and communicating with the world in a multisensory manner, where different information sources are sophisticatedly processed and interpreted by separate parts of the human brain to constitute a complex, yet harmonious and unified sensing system.

Representation Learning

Rethinking the Learning Paradigm for Facial Expression Recognition

no code implementations30 Sep 2022 Weijie Wang, Nicu Sebe, Bruno Lepri

Due to the subjective crowdsourcing annotations and the inherent inter-class similarity of facial expressions, the real-world Facial Expression Recognition (FER) datasets usually exhibit ambiguous annotation.

Facial Expression Recognition Facial Expression Recognition (FER)

RankFeat: Rank-1 Feature Removal for Out-of-distribution Detection

1 code implementation18 Sep 2022 Yue Song, Nicu Sebe, Wei Wang

The task of out-of-distribution (OOD) detection is crucial for deploying machine learning models in real-world settings.

Out-of-Distribution Detection

Facial Expression Translation using Landmark Guided GANs

1 code implementation5 Sep 2022 Hao Tang, Nicu Sebe

We propose a simple yet powerful Landmark guided Generative Adversarial Network (LandmarkGAN) for the facial expression-to-expression translation using a single image, which is an important and challenging task in computer vision since the expression-to-expression translation is a non-linear and non-aligned problem.

Facial Expression Translation Generative Adversarial Network +1

Training and Tuning Generative Neural Radiance Fields for Attribute-Conditional 3D-Aware Face Generation

1 code implementation26 Aug 2022 Jichao Zhang, Aliaksandr Siarohin, Yahui Liu, Hao Tang, Nicu Sebe, Wei Wang

Generative Neural Radiance Fields (GNeRF)-based 3D-aware GANs have showcased remarkable prowess in crafting high-fidelity images while upholding robust 3D consistency, particularly face generation.

Attribute Disentanglement +2

Uncertainty-guided Source-free Domain Adaptation

1 code implementation16 Aug 2022 Subhankar Roy, Martin Trapp, Andrea Pilzer, Juho Kannala, Nicu Sebe, Elisa Ricci, Arno Solin

Source-free domain adaptation (SFDA) aims to adapt a classifier to an unlabelled target data set by only using a pre-trained source model.

Source-Free Domain Adaptation

CoSMix: Compositional Semantic Mix for Domain Adaptation in 3D LiDAR Segmentation

2 code implementations20 Jul 2022 Cristiano Saltori, Fabio Galasso, Giuseppe Fiameni, Nicu Sebe, Elisa Ricci, Fabio Poiesi

We propose a new approach of sample mixing for point cloud UDA, namely Compositional Semantic Mix (CoSMix), the first UDA approach for point cloud segmentation based on sample mixing.

3D Unsupervised Domain Adaptation Autonomous Driving +5

Class-incremental Novel Class Discovery

1 code implementation18 Jul 2022 Subhankar Roy, Mingxuan Liu, Zhun Zhong, Nicu Sebe, Elisa Ricci

We study the new task of class-incremental Novel Class Discovery (class-iNCD), which refers to the problem of discovering novel categories in an unlabelled data set by leveraging a pre-trained model that has been trained on a labelled data set containing disjoint yet related categories.

Incremental Learning Knowledge Distillation +1

Adversarial Style Augmentation for Domain Generalized Urban-Scene Segmentation

1 code implementation11 Jul 2022 Zhun Zhong, Yuyang Zhao, Gim Hee Lee, Nicu Sebe

Experiments on two synthetic-to-real semantic segmentation benchmarks demonstrate that AdvStyle can significantly improve the model performance on unseen real domains and show that we can achieve the state of the art.

Domain Generalization Image Classification +1

PI-Trans: Parallel-ConvMLP and Implicit-Transformation Based GAN for Cross-View Image Translation

1 code implementation9 Jul 2022 Bin Ren, Hao Tang, Yiming Wang, Xia Li, Wei Wang, Nicu Sebe

For semantic-guided cross-view image translation, it is crucial to learn where to sample pixels from the source view image and where to reallocate them guided by the target view semantic map, especially when there is little overlap or drastic view difference between the source and target images.

Generative Adversarial Network

Batch-efficient EigenDecomposition for Small and Medium Matrices

1 code implementation9 Jul 2022 Yue Song, Nicu Sebe, Wei Wang

EigenDecomposition (ED) is at the heart of many computer vision algorithms and applications.

Image Generation

Improving Covariance Conditioning of the SVD Meta-layer by Orthogonality

1 code implementation5 Jul 2022 Yue Song, Nicu Sebe, Wei Wang

Inserting an SVD meta-layer into neural networks is prone to make the covariance ill-conditioned, which could harm the model in the training stability and generalization abilities.

Interaction Transformer for Human Reaction Generation

1 code implementation4 Jul 2022 Baptiste Chopin, Hao Tang, Naima Otberdout, Mohamed Daoudi, Nicu Sebe

To address this limitation, we propose a novel interaction Transformer (InterFormer) consisting of a Transformer network with both temporal and spatial attention.

Unsupervised High-Resolution Portrait Gaze Correction and Animation

1 code implementation1 Jul 2022 Jichao Zhang, Jingjing Chen, Hao Tang, Enver Sangineto, Peng Wu, Yan Yan, Nicu Sebe, Wei Wang

Solving this problem using an unsupervised method remains an open problem, especially for high-resolution face images in the wild, which are not easy to annotate with gaze and head pose labels.

Image Inpainting Vocal Bursts Intensity Prediction

GraphMLP: A Graph MLP-Like Architecture for 3D Human Pose Estimation

1 code implementation13 Jun 2022 Wenhao Li, Mengyuan Liu, Hong Liu, Tianyu Guo, Ti Wang, Hao Tang, Nicu Sebe

To the best of our knowledge, this is the first MLP-Like architecture for 3D human pose estimation in a single frame and a video sequence.

3D Human Pose Estimation Representation Learning

Spatial Entropy as an Inductive Bias for Vision Transformers

1 code implementation9 Jun 2022 Elia Peruzzo, Enver Sangineto, Yahui Liu, Marco De Nadai, Wei Bi, Bruno Lepri, Nicu Sebe

In this work, we propose a different and complementary direction, in which a local bias is introduced using an auxiliary self-supervised task, performed jointly with standard supervised training.

Inductive Bias Semantic Segmentation

Masked Jigsaw Puzzle: A Versatile Position Embedding for Vision Transformers

1 code implementation CVPR 2023 Bin Ren, Yahui Liu, Yue Song, Wei Bi, Rita Cucchiara, Nicu Sebe, Wei Wang

In particular, MJP first shuffles the selected patches via our block-wise random jigsaw puzzle shuffle algorithm, and their corresponding PEs are occluded.

Federated Learning Position

Learning Rate Curriculum

1 code implementation18 May 2022 Florinel-Alin Croitoru, Nicolae-Catalin Ristea, Radu Tudor Ionescu, Nicu Sebe

In this work, we propose a novel curriculum learning approach termed Learning Rate Curriculum (LeRaC), which leverages the use of a different learning rate for each layer of a neural network to create a data-agnostic curriculum during the initial training epochs.

Audio Classification QNLI +2

Joint Representation Learning and Keypoint Detection for Cross-view Geo-localization

1 code implementation IEEE Transactions on Image Processing (TIP) 2022 Jinliang Lin, Zhedong Zheng, Zhun Zhong, Zhiming Luo, Shaozi Li, Yi Yang, Nicu Sebe

Inspired by the human visual system for mining local patterns, we propose a new framework called RK-Net to jointly learn the discriminative Representation and detect salient Keypoints with a single Network.

Drone navigation Drone-view target localization +4

Temporal Alignment for History Representation in Reinforcement Learning

1 code implementation7 Apr 2022 Aleksandr Ermolov, Enver Sangineto, Nicu Sebe

Inspired by human memory, we propose to represent history with only important changes in the environment and, in our approach, to obtain automatically this representation using self-supervision.

Atari Games reinforcement-learning +2

Style-Hallucinated Dual Consistency Learning for Domain Generalized Semantic Segmentation

2 code implementations6 Apr 2022 Yuyang Zhao, Zhun Zhong, Na Zhao, Nicu Sebe, Gim Hee Lee

Furthermore, we present a novel style hallucination module (SHM) to generate style-diversified samples that are essential to consistency learning.

Domain Generalization Hallucination +3

Cross-View Panorama Image Synthesis

1 code implementation22 Mar 2022 Songsong Wu, Hao Tang, Xiao-Yuan Jing, Haifeng Zhao, Jianjun Qian, Nicu Sebe, Yan Yan

In this paper, we tackle the problem of synthesizing a ground-view panorama image conditioned on a top-view aerial image, which is a challenging problem due to the large gap between the two image domains with different view-points.

Image Generation

Federated and Generalized Person Re-identification through Domain and Feature Hallucinating

no code implementations5 Mar 2022 Fengxiang Yang, Zhun Zhong, Zhiming Luo, Shaozi Li, Nicu Sebe

During local training, the DFS are used to synthesize novel domain statistics with the proposed domain hallucinating, which is achieved by re-weighting DFS with random weights.

Domain Generalization Person Re-Identification

Cross-Modality Earth Mover's Distance for Visible Thermal Person Re-Identification

no code implementations3 Mar 2022 Yongguo Ling, Zhun Zhong, Donglin Cao, Zhiming Luo, Yaojin Lin, Shaozi Li, Nicu Sebe

In this manner, the model will focus on reducing the inter-modality discrepancy while paying less attention to intra-identity variations, leading to a more effective modality alignment.

Person Re-Identification

Local and Global GANs with Semantic-Aware Upsampling for Image Generation

1 code implementation28 Feb 2022 Hao Tang, Ling Shao, Philip H. S. Torr, Nicu Sebe

To learn more discriminative class-specific feature representations for the local generation, we also propose a novel classification module.

Feature Upsampling Image Generation

Relation Regularized Scene Graph Generation

no code implementations22 Feb 2022 Yuyu Guo, Lianli Gao, Jingkuan Song, Peng Wang, Nicu Sebe, Heng Tao Shen, Xuelong Li

Inspired by this observation, in this article, we propose a relation regularized network (R2-Net), which can predict whether there is a relationship between two objects and encode this relation into object feature refinement and better SGG.

Graph Classification Graph Generation +6

Disentangle Saliency Detection into Cascaded Detail Modeling and Body Filling

no code implementations8 Feb 2022 Yue Song, Hao Tang, Nicu Sebe, Wei Wang

Specifically, the detail modeling focuses on capturing the object edges by supervision of explicitly decomposed detail label that consists of the pixels that are nested on the edge and near the edge.

object-detection Object Detection +2

Fast Differentiable Matrix Square Root and Inverse Square Root

1 code implementation29 Jan 2022 Yue Song, Nicu Sebe, Wei Wang

Computing the matrix square root and its inverse in a differentiable manner is important in a variety of computer vision tasks.

Style Transfer Video Recognition

Fast Differentiable Matrix Square Root

1 code implementation ICLR 2022 Yue Song, Nicu Sebe, Wei Wang

Previous methods either adopt the Singular Value Decomposition (SVD) to explicitly factorize the matrix or use the Newton-Schulz iteration (NS iteration) to derive the approximate solution.

Geometry-Contrastive Transformer for Generalized 3D Pose Transfer

1 code implementation14 Dec 2021 Haoyu Chen, Hao Tang, Zitong Yu, Nicu Sebe, Guoying Zhao

Specifically, we propose a novel geometry-contrastive Transformer that has an efficient 3D structured perceiving ability to the global geometric inconsistencies across the given meshes.

Pose Transfer

Novel Class Discovery in Semantic Segmentation

1 code implementation CVPR 2022 Yuyang Zhao, Zhun Zhong, Nicu Sebe, Gim Hee Lee

We introduce a new setting of Novel Class Discovery in Semantic Segmentation (NCDSS), which aims at segmenting unlabeled images containing new classes given prior knowledge from a labeled set of disjoint classes.

Image Classification Novel Class Discovery +3

3D-Aware Semantic-Guided Generative Model for Human Synthesis

1 code implementation2 Dec 2021 Jichao Zhang, Enver Sangineto, Hao Tang, Aliaksandr Siarohin, Zhun Zhong, Nicu Sebe, Wei Wang

However, they usually struggle to generate high-quality images representing non-rigid objects, such as the human body, which is of a great interest for many computer graphics applications.

3D-Aware Image Synthesis

Predict, Prevent, and Evaluate: Disentangled Text-Driven Image Manipulation Empowered by Pre-Trained Vision-Language Model

1 code implementation CVPR 2022 Zipeng Xu, Tianwei Lin, Hao Tang, Fu Li, Dongliang He, Nicu Sebe, Radu Timofte, Luc van Gool, Errui Ding

We propose a novel framework, i. e., Predict, Prevent, and Evaluate (PPE), for disentangled text-driven image manipulation that requires little manual annotation while being applicable to a wide variety of manipulations.

Image Manipulation Language Modeling +1

Bi-Mix: Bidirectional Mixing for Domain Adaptive Nighttime Semantic Segmentation

1 code implementation19 Nov 2021 Guanglei Yang, Zhun Zhong, Hao Tang, Mingli Ding, Nicu Sebe, Elisa Ricci

Specifically, in the image translation stage, Bi-Mix leverages the knowledge of day-night image pairs to improve the quality of nighttime image relighting.

Autonomous Driving Image Relighting +3

AniFormer: Data-driven 3D Animation with Transformer

1 code implementation20 Oct 2021 Haoyu Chen, Hao Tang, Nicu Sebe, Guoying Zhao

Instead, we introduce AniFormer, a novel Transformer-based architecture, that generates animated 3D sequences by directly taking the raw driving sequences and arbitrary same-type target meshes as inputs.

regression

Cascaded Cross MLP-Mixer GANs for Cross-View Image Translation

1 code implementation19 Oct 2021 Bin Ren, Hao Tang, Nicu Sebe

To ease this problem, we propose a novel two-stage framework with a new Cascaded Cross MLP-Mixer (CrossMLP) sub-network in the first stage and one refined pixel-level loss in the second stage.

Decoder Translation

ISF-GAN: An Implicit Style Function for High-Resolution Image-to-Image Translation

1 code implementation26 Sep 2021 Yahui Liu, Yajing Chen, Linchao Bao, Nicu Sebe, Bruno Lepri, Marco De Nadai

The ISF manipulates the semantics of an input latent code to make the image generated from it lying in the desired visual domain.

Image-to-Image Translation Translation

Layout-to-Image Translation with Double Pooling Generative Adversarial Networks

1 code implementation29 Aug 2021 Hao Tang, Nicu Sebe

In this paper, we address the task of layout-to-image translation, which aims to translate an input semantic layout to a realistic image.

Translation

Total Generate: Cycle in Cycle Generative Adversarial Networks for Generating Human Faces, Hands, Bodies, and Natural Scenes

1 code implementation21 Jun 2021 Hao Tang, Nicu Sebe

Both generators are mutually connected and trained in an end-to-end fashion and explicitly form three cycled subnets, i. e., one image generation cycle and two guidance generation cycles.

Generative Adversarial Network Image-to-Image Translation +1

Neighborhood Contrastive Learning for Novel Class Discovery

1 code implementation CVPR 2021 Zhun Zhong, Enrico Fini, Subhankar Roy, Zhiming Luo, Elisa Ricci, Nicu Sebe

In this paper, we address Novel Class Discovery (NCD), the task of unveiling new classes in a set of unlabeled samples given a labeled dataset with known classes.

Clustering Contrastive Learning +1

Smoothing the Disentangled Latent Style Space for Unsupervised Image-to-Image Translation

no code implementations CVPR 2021 Yahui Liu, Enver Sangineto, Yajing Chen, Linchao Bao, Haoxian Zhang, Nicu Sebe, Bruno Lepri, Wei Wang, Marco De Nadai

In this paper, we propose a new training protocol based on three specific losses which help a translation network to learn a smooth and disentangled latent style space in which: 1) Both intra- and inter-domain interpolations correspond to gradual changes in the generated images and 2) The content of the source image is better preserved during the translation.

Translation Unsupervised Image-To-Image Translation

Efficient Training of Visual Transformers with Small Datasets

1 code implementation NeurIPS 2021 Yahui Liu, Enver Sangineto, Wei Bi, Nicu Sebe, Bruno Lepri, Marco De Nadai

This task encourages the VTs to learn spatial relations within an image and makes the VT training much more robust when training data are scarce.

Inductive Bias

Source-Free Open Compound Domain Adaptation in Semantic Segmentation

1 code implementation7 Jun 2021 Yuyang Zhao, Zhun Zhong, Zhiming Luo, Gim Hee Lee, Nicu Sebe

Second, CPSS can reduce the influence of noisy pseudo-labels and also avoid the model overfitting to the target domain during self-supervised learning, consistently boosting the performance on the target and open domains.

Domain Generalization Self-Supervised Learning +1

Controllable Person Image Synthesis with Spatially-Adaptive Warped Normalization

1 code implementation31 May 2021 Jichao Zhang, Aliaksandr Siarohin, Hao Tang, Enver Sangineto, Wei Wang, Humphrey Sh, Nicu Sebe

Moreover, we propose a novel Self-Training Part Replacement (STPR) strategy to refine the model for the texture-transfer task, which improves the quality of the generated clothes and the preservation ability of non-target regions.

Image-to-Image Translation Pose Transfer +1

Transformer-Based Source-Free Domain Adaptation

1 code implementation28 May 2021 Guanglei Yang, Hao Tang, Zhun Zhong, Mingli Ding, Ling Shao, Nicu Sebe, Elisa Ricci

In this paper, we study the task of source-free domain adaptation (SFDA), where the source data are not available during target adaptation.

Knowledge Distillation Source-Free Domain Adaptation