Search Results for author: Adel Bibi

Found 60 papers, 25 papers with code

Attacking Multimodal OS Agents with Malicious Image Patches

no code implementations13 Mar 2025 Lukas Aichberger, Alasdair Paren, Yarin Gal, Philip Torr, Adel Bibi

Recent advances in operating system (OS) agents enable vision-language models to interact directly with the graphical user interface of an OS.

On the Coexistence and Ensembling of Watermarks

no code implementations29 Jan 2025 Aleksandar Petrov, Shruti Agarwal, Philip H. S. Torr, Adel Bibi, John Collomosse

We perform the first study of coexistence of deep image watermarking methods and, contrary to intuition, we find that various open-source watermarks can coexist with only minor impacts on image quality and decoding robustness.

Open Problems in Machine Unlearning for AI Safety

no code implementations9 Jan 2025 Fazl Barez, Tingchen Fu, Ameya Prabhu, Stephen Casper, Amartya Sanyal, Adel Bibi, Aidan O'Gara, Robert Kirk, Ben Bucknall, Tim Fist, Luke Ong, Philip Torr, Kwok-Yan Lam, Robert Trager, David Krueger, Sören Mindermann, José Hernandez-Orallo, Mor Geva, Yarin Gal

As AI systems become more capable, widely deployed, and increasingly autonomous in critical areas such as cybersecurity, biological research, and healthcare, ensuring their safety and alignment with human values is paramount.

Machine Unlearning

Detecting LLM Hallucination Through Layer-wise Information Deficiency: Analysis of Unanswerable Questions and Ambiguous Prompts

no code implementations13 Dec 2024 Hazel Kim, Adel Bibi, Philip Torr, Yarin Gal

Large language models (LLMs) frequently generate confident yet inaccurate responses, introducing significant risks for deployment in safety-critical domains.

Hallucination

Bi-Factorial Preference Optimization: Balancing Safety-Helpfulness in Language Models

no code implementations27 Aug 2024 Wenxuan Zhang, Philip H. S. Torr, Mohamed Elhoseiny, Adel Bibi

Fine-tuning large language models (LLMs) on human preferences, typically through reinforcement learning from human feedback (RLHF), has proven successful in enhancing their capabilities.

FedMedICL: Towards Holistic Evaluation of Distribution Shifts in Federated Medical Imaging

1 code implementation11 Jul 2024 Kumail Alhamoud, Yasir Ghunaim, Motasem Alfarra, Thomas Hartvigsen, Philip Torr, Bernard Ghanem, Adel Bibi, Marzyeh Ghassemi

In response, we introduce FedMedICL, a unified framework and benchmark to holistically evaluate federated medical imaging challenges, simultaneously capturing label, demographic, and temporal distribution shifts.

Diversity Federated Learning

Model Merging and Safety Alignment: One Bad Model Spoils the Bunch

no code implementations20 Jun 2024 Hasan Abed Al Kader Hammoud, Umberto Michieli, Fabio Pizzati, Philip Torr, Adel Bibi, Bernard Ghanem, Mete Ozay

Our experiments illustrate the effectiveness of integrating alignment-related data during merging, resulting in models that excel in both domain expertise and alignment.

model Safety Alignment

Universal In-Context Approximation By Prompting Fully Recurrent Models

1 code implementation3 Jun 2024 Aleksandar Petrov, Tom A. Lamb, Alasdair Paren, Philip H. S. Torr, Adel Bibi

We demonstrate that RNNs, LSTMs, GRUs, Linear RNNs, and linear gated architectures such as Mamba and Hawk/Griffin can also serve as universal in-context approximators.

In-Context Learning Mamba

Towards Certification of Uncertainty Calibration under Adversarial Attacks

no code implementations22 May 2024 Cornelius Emde, Francesco Pinto, Thomas Lukasiewicz, Philip H. S. Torr, Adel Bibi

We show that attacks can significantly harm calibration, and thus propose certified calibration as worst-case bounds on calibration under adversarial perturbations.

No "Zero-Shot" Without Exponential Data: Pretraining Concept Frequency Determines Multimodal Model Performance

1 code implementation4 Apr 2024 Vishaal Udandarao, Ameya Prabhu, Adhiraj Ghosh, Yash Sharma, Philip H. S. Torr, Adel Bibi, Samuel Albanie, Matthias Bethge

Web-crawled pretraining datasets underlie the impressive "zero-shot" evaluation performance of multimodal models, such as CLIP for classification/retrieval and Stable-Diffusion for image generation.

Benchmarking Image Generation +1

On Pretraining Data Diversity for Self-Supervised Learning

1 code implementation20 Mar 2024 Hasan Abed Al Kader Hammoud, Tuhin Das, Fabio Pizzati, Philip Torr, Adel Bibi, Bernard Ghanem

We explore the impact of training with more diverse datasets, characterized by the number of unique samples, on the performance of self-supervised learning (SSL) under a fixed computational budget.

Diversity Self-Supervised Learning

Efficient Lifelong Model Evaluation in an Era of Rapid Progress

1 code implementation29 Feb 2024 Ameya Prabhu, Vishaal Udandarao, Philip Torr, Matthias Bethge, Adel Bibi, Samuel Albanie

To address this challenge, we introduce an efficient framework for model evaluation, Sort & Search (S&S)}, which reuses previously evaluated models by leveraging dynamic programming algorithms to selectively rank and sub-select test samples.

Benchmarking

Prompting a Pretrained Transformer Can Be a Universal Approximator

no code implementations22 Feb 2024 Aleksandar Petrov, Philip H. S. Torr, Adel Bibi

Despite the widespread adoption of prompting, prompt tuning and prefix-tuning of transformer models, our theoretical understanding of these fine-tuning methods remains limited.

Can Large Language Model Agents Simulate Human Trust Behavior?

1 code implementation7 Feb 2024 Chengxing Xie, Canyu Chen, Feiran Jia, Ziyu Ye, Shiyang Lai, Kai Shu, Jindong Gu, Adel Bibi, Ziniu Hu, David Jurgens, James Evans, Philip Torr, Bernard Ghanem, Guohao Li

In this paper, we focus on one critical and elemental behavior in human interactions, trust, and investigate whether LLM agents can simulate human trust behavior.

Language Modeling Language Modelling +1

Label Delay in Online Continual Learning

no code implementations1 Dec 2023 Botos Csaba, Wenxuan Zhang, Matthias Müller, Ser-Nam Lim, Mohamed Elhoseiny, Philip Torr, Adel Bibi

We introduce a new continual learning framework with explicit modeling of the label delay between data and label streams over time steps.

Continual Learning

From Categories to Classifiers: Name-Only Continual Learning by Exploring the Web

no code implementations19 Nov 2023 Ameya Prabhu, Hasan Abed Al Kader Hammoud, Ser-Nam Lim, Bernard Ghanem, Philip H. S. Torr, Adel Bibi

Continual Learning (CL) often relies on the availability of extensive annotated datasets, an assumption that is unrealistically time-consuming and costly in practice.

Continual Learning Image Classification +1

When Do Prompting and Prefix-Tuning Work? A Theory of Capabilities and Limitations

1 code implementation30 Oct 2023 Aleksandar Petrov, Philip H. S. Torr, Adel Bibi

Context-based fine-tuning methods, including prompting, in-context learning, soft prompting (also known as prompt tuning), and prefix-tuning, have gained popularity due to their ability to often match the performance of full fine-tuning with a fraction of the parameters.

In-Context Learning

Segment, Select, Correct: A Framework for Weakly-Supervised Referring Segmentation

1 code implementation20 Oct 2023 Francisco Eiras, Kemal Oksuz, Adel Bibi, Philip H. S. Torr, Puneet K. Dokania

Referring Image Segmentation (RIS) - the problem of identifying objects in images through natural language sentences - is a challenging task currently mostly solved through supervised learning.

Image Segmentation Semantic Segmentation +1

Efficient Error Certification for Physics-Informed Neural Networks

no code implementations17 May 2023 Francisco Eiras, Adel Bibi, Rudy Bunel, Krishnamurthy Dj Dvijotham, Philip Torr, M. Pawan Kumar

Recent work provides promising evidence that Physics-Informed Neural Networks (PINN) can efficiently solve partial differential equations (PDE).

Rapid Adaptation in Online Continual Learning: Are We Evaluating It Right?

1 code implementation ICCV 2023 Hasan Abed Al Kader Hammoud, Ameya Prabhu, Ser-Nam Lim, Philip H. S. Torr, Adel Bibi, Bernard Ghanem

We revisit the common practice of evaluating adaptation of Online Continual Learning (OCL) algorithms through the metric of online accuracy, which measures the accuracy of the model on the immediate next few samples.

Continual Learning

Certifying Ensembles: A General Certification Theory with S-Lipschitzness

no code implementations25 Apr 2023 Aleksandar Petrov, Francisco Eiras, Amartya Sanyal, Philip H. S. Torr, Adel Bibi

Improving and guaranteeing the robustness of deep learning models has been a topic of intense research.

Don't FREAK Out: A Frequency-Inspired Approach to Detecting Backdoor Poisoned Samples in DNNs

no code implementations23 Mar 2023 Hasan Abed Al Kader Hammoud, Adel Bibi, Philip H. S. Torr, Bernard Ghanem

In this paper we investigate the frequency sensitivity of Deep Neural Networks (DNNs) when presented with clean samples versus poisoned samples.

Computationally Budgeted Continual Learning: What Does Matter?

1 code implementation CVPR 2023 Ameya Prabhu, Hasan Abed Al Kader Hammoud, Puneet Dokania, Philip H. S. Torr, Ser-Nam Lim, Bernard Ghanem, Adel Bibi

Our conclusions are consistent in a different number of stream time steps, e. g., 20 to 200, and under several computational budgets.

Continual Learning

Real-Time Evaluation in Online Continual Learning: A New Hope

1 code implementation CVPR 2023 Yasir Ghunaim, Adel Bibi, Kumail Alhamoud, Motasem Alfarra, Hasan Abed Al Kader Hammoud, Ameya Prabhu, Philip H. S. Torr, Bernard Ghanem

We show that a simple baseline outperforms state-of-the-art CL methods under this evaluation, questioning the applicability of existing methods in realistic settings.

Continual Learning

SimCS: Simulation for Domain Incremental Online Continual Segmentation

no code implementations29 Nov 2022 Motasem Alfarra, Zhipeng Cai, Adel Bibi, Bernard Ghanem, Matthias Müller

This work explores the problem of Online Domain-Incremental Continual Segmentation (ODICS), where the model is continually trained over batches of densely labeled images from different domains, with limited computation and no information about the task boundaries.

Autonomous Driving Continual Learning +2

Diversified Dynamic Routing for Vision Tasks

no code implementations26 Sep 2022 Botos Csaba, Adel Bibi, Yanwei Li, Philip Torr, Ser-Nam Lim

Deep learning models for vision tasks are trained on large datasets under the assumption that there exists a universal representation that can be used to make predictions for all samples.

Instance Segmentation Mixture-of-Experts +3

Catastrophic overfitting can be induced with discriminative non-robust features

1 code implementation16 Jun 2022 Guillermo Ortiz-Jiménez, Pau de Jorge, Amartya Sanyal, Adel Bibi, Puneet K. Dokania, Pascal Frossard, Gregory Rogéz, Philip H. S. Torr

Through extensive experiments we analyze this novel phenomenon and discover that the presence of these easy features induces a learning shortcut that leads to CO. Our findings provide new insights into the mechanisms of CO and improve our understanding of the dynamics of AT.

Robust classification

Make Some Noise: Reliable and Efficient Single-Step Adversarial Training

1 code implementation2 Feb 2022 Pau de Jorge, Adel Bibi, Riccardo Volpi, Amartya Sanyal, Philip H. S. Torr, Grégory Rogez, Puneet K. Dokania

Recently, Wong et al. showed that adversarial training with single-step FGSM leads to a characteristic failure mode named Catastrophic Overfitting (CO), in which a model becomes suddenly vulnerable to multi-step attacks.

Towards fast and effective single-step adversarial training

no code implementations29 Sep 2021 Pau de Jorge, Adel Bibi, Riccardo Volpi, Amartya Sanyal, Philip Torr, Grégory Rogez, Puneet K. Dokania

In this work, we methodically revisit the role of noise and clipping in single-step adversarial training.

ANCER: Anisotropic Certification via Sample-wise Volume Maximization

1 code implementation9 Jul 2021 Francisco Eiras, Motasem Alfarra, M. Pawan Kumar, Philip H. S. Torr, Puneet K. Dokania, Bernard Ghanem, Adel Bibi

Randomized smoothing has recently emerged as an effective tool that enables certification of deep neural network classifiers at scale.

DeformRS: Certifying Input Deformations with Randomized Smoothing

2 code implementations2 Jul 2021 Motasem Alfarra, Adel Bibi, Naeemullah Khan, Philip H. S. Torr, Bernard Ghanem

Deep neural networks are vulnerable to input deformations in the form of vector fields of pixel displacements and to other parameterized geometric deformations e. g. translations, rotations, etc.

On the Decision Boundaries of Neural Networks. A Tropical Geometry Perspective

no code implementations1 Jan 2021 Motasem Alfarra, Adel Bibi, Hasan Abed Al Kader Hammoud, Mohamed Gaafar, Bernard Ghanem

This work tackles the problem of characterizing and understanding the decision boundaries of neural networks with piecewise linear non-linearity activations.

Network Pruning

Data-Dependent Randomized Smoothing

no code implementations8 Dec 2020 Motasem Alfarra, Adel Bibi, Philip H. S. Torr, Bernard Ghanem

In this work, we revisit Gaussian randomized smoothing and show that the variance of the Gaussian distribution can be optimized at each input so as to maximize the certification radius for the construction of the smooth classifier.

Network Moments: Extensions and Sparse-Smooth Attacks

no code implementations21 Jun 2020 Modar Alfadly, Adel Bibi, Emilio Botero, Salman AlSubaihi, Bernard Ghanem

This has incited research on the reaction of DNNs to noisy input, namely developing adversarial input attacks and strategies that lead to robust DNNs to these attacks.

Rethinking Clustering for Robustness

1 code implementation13 Jun 2020 Motasem Alfarra, Juan C. Pérez, Adel Bibi, Ali Thabet, Pablo Arbeláez, Bernard Ghanem

This paper studies how encouraging semantically-aligned features during deep neural network training can increase network robustness.

Clustering

On the Decision Boundaries of Neural Networks: A Tropical Geometry Perspective

no code implementations20 Feb 2020 Motasem Alfarra, Adel Bibi, Hasan Hammoud, Mohamed Gaafar, Bernard Ghanem

Our main finding is that the decision boundaries are a subset of a tropical hypersurface, which is intimately related to a polytope formed by the convex hull of two zonotopes.

Network Pruning

Analytical Moment Regularizer for Training Robust Networks

no code implementations ICLR 2020 Modar Alfadly, Adel Bibi, Muhammed Kocabas, Bernard Ghanem

In this work, we propose a new training regularizer that aims to minimize the probabilistic expected training loss of a DNN subject to a generic Gaussian input.

Data Augmentation

On the Decision Boundaries of Deep Neural Networks: A Tropical Geometry Perspective

no code implementations25 Sep 2019 Motasem Alfarra, Adel Bibi, Hasan Hammoud, Mohamed Gaafar, Bernard Ghanem

We use tropical geometry, a new development in the area of algebraic geometry, to provide a characterization of the decision boundaries of a simple neural network of the form (Affine, ReLU, Affine).

Network Pruning

Expected Tight Bounds for Robust Deep Neural Network Training

no code implementations25 Sep 2019 Salman AlSubaihi, Adel Bibi, Modar Alfadly, Abdullah Hamdi, Bernard Ghanem

al. that bounded input intervals can be inexpensively propagated from layer to layer through deep networks.

Constrained Clustering: General Pairwise and Cardinality Constraints

1 code implementation24 Jul 2019 Adel Bibi, Ali Alqahtani, Bernard Ghanem

Extensive experiments on both synthetic and real data demonstrate when: (1) utilizing a single category of constraint, the proposed model is superior to or competitive with SOTA constrained clustering models, and (2) utilizing both categories of constraints jointly, the proposed model shows better performance than the case of the single category.

Constrained Clustering

Expected Tight Bounds for Robust Training

2 code implementations28 May 2019 Salman Al-Subaihi, Adel Bibi, Modar Alfadly, Abdullah Hamdi, Bernard Ghanem

In this paper, we closely examine the bounds of a block of layers composed in the form of Affine-ReLU-Affine.

Deep Layers as Stochastic Solvers

no code implementations ICLR 2019 Adel Bibi, Bernard Ghanem, Vladlen Koltun, Rene Ranftl

In particular, we show that a forward pass through a standard dropout layer followed by a linear layer and a non-linear activation is equivalent to optimizing a convex optimization objective with a single iteration of a $\tau$-nice Proximal Stochastic Gradient method.

Analytical Moment Regularizer for Gaussian Robust Networks

1 code implementation24 Apr 2019 Modar Alfadly, Adel Bibi, Bernard Ghanem

Despite the impressive performance of deep neural networks (DNNs) on numerous vision tasks, they still exhibit yet-to-understand uncouth behaviours.

Data Augmentation

Analytic Expressions for Probabilistic Moments of PL-DNN With Gaussian Input

no code implementations CVPR 2018 Adel Bibi, Modar Alfadly, Bernard Ghanem

Moreover, we show how these expressions can be used to systematically construct targeted and non-targeted adversarial attacks.

Image Classification

High Order Tensor Formulation for Convolutional Sparse Coding

no code implementations ICCV 2017 Adel Bibi, Bernard Ghanem

Convolutional sparse coding (CSC) has gained attention for its successful role as a reconstruction and a classification tool in the computer vision and machine learning community.

Video Reconstruction Vocal Bursts Intensity Prediction

FFTLasso: Large-Scale LASSO in the Fourier Domain

no code implementations CVPR 2017 Adel Bibi, Hani Itani, Bernard Ghanem

Since all operations in our FFTLasso method are element-wise, the subproblems are completely independent and can be trivially parallelized (e. g. on a GPU).

Dimensionality Reduction Face Recognition +2

In Defense of Sparse Tracking: Circulant Sparse Tracker

no code implementations CVPR 2016 Tianzhu Zhang, Adel Bibi, Bernard Ghanem

Sparse representation has been introduced to visual tracking by finding the best target candidate with minimal reconstruction error within the particle filter framework.

Visual Tracking

3D Part-Based Sparse Tracker With Automatic Synchronization and Registration

no code implementations CVPR 2016 Adel Bibi, Tianzhu Zhang, Bernard Ghanem

In this paper, we present a part-based sparse tracker in a particle filter framework where both the motion and appearance model are formulated in 3D.

Occlusion Handling

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