Search Results for author: Kristian Kersting

Found 143 papers, 79 papers with code

Mechanistic Design and Scaling of Hybrid Architectures

no code implementations26 Mar 2024 Michael Poli, Armin W Thomas, Eric Nguyen, Pragaash Ponnusamy, Björn Deiseroth, Kristian Kersting, Taiji Suzuki, Brian Hie, Stefano Ermon, Christopher Ré, Ce Zhang, Stefano Massaroli

The development of deep learning architectures is a resource-demanding process, due to a vast design space, long prototyping times, and high compute costs associated with at-scale model training and evaluation.

DeiSAM: Segment Anything with Deictic Prompting

1 code implementation21 Feb 2024 Hikaru Shindo, Manuel Brack, Gopika Sudhakaran, Devendra Singh Dhami, Patrick Schramowski, Kristian Kersting

To remedy this issue, we propose DeiSAM -- a combination of large pre-trained neural networks with differentiable logic reasoners -- for deictic promptable segmentation.

Image Segmentation Segmentation +1

Right on Time: Revising Time Series Models by Constraining their Explanations

no code implementations20 Feb 2024 Maurice Kraus, David Steinmann, Antonia Wüst, Andre Kokozinski, Kristian Kersting

Feedback on explanations in both domains is then used to constrain the model, steering it away from the annotated confounding factors.

Time Series Time Series Classification

Exploring the Adversarial Capabilities of Large Language Models

no code implementations14 Feb 2024 Lukas Struppek, Minh Hieu Le, Dominik Hintersdorf, Kristian Kersting

The proliferation of large language models (LLMs) has sparked widespread and general interest due to their strong language generation capabilities, offering great potential for both industry and research.

Hate Speech Detection Text Generation

Pix2Code: Learning to Compose Neural Visual Concepts as Programs

1 code implementation13 Feb 2024 Antonia Wüst, Wolfgang Stammer, Quentin Delfosse, Devendra Singh Dhami, Kristian Kersting

The challenge in learning abstract concepts from images in an unsupervised fashion lies in the required integration of visual perception and generalizable relational reasoning.

Program Synthesis Relational Reasoning

Amplifying Exploration in Monte-Carlo Tree Search by Focusing on the Unknown

no code implementations13 Feb 2024 Cedric Derstroff, Jannis Brugger, Jannis Blüml, Mira Mezini, Stefan Kramer, Kristian Kersting

It strategically allocates computational resources to focus on promising segments of the search tree, making it a very attractive search algorithm in large search spaces.

BOWLL: A Deceptively Simple Open World Lifelong Learner

1 code implementation7 Feb 2024 Roshni Kamath, Rupert Mitchell, Subarnaduti Paul, Kristian Kersting, Martin Mundt

The quest to improve scalar performance numbers on predetermined benchmarks seems to be deeply engraved in deep learning.

Novel Concepts

Checkmating One, by Using Many: Combining Mixture of Experts with MCTS to Improve in Chess

1 code implementation30 Jan 2024 Felix Helfenstein, Jannis Blüml, Johannes Czech, Kristian Kersting

This paper presents a new approach that integrates deep learning with computational chess, using both the Mixture of Experts (MoE) method and Monte-Carlo Tree Search (MCTS).

Multilingual Text-to-Image Generation Magnifies Gender Stereotypes and Prompt Engineering May Not Help You

1 code implementation29 Jan 2024 Felix Friedrich, Katharina Hämmerl, Patrick Schramowski, Jindrich Libovicky, Kristian Kersting, Alexander Fraser

Text-to-image generation models have recently achieved astonishing results in image quality, flexibility, and text alignment and are consequently employed in a fast-growing number of applications.

Multilingual Text-to-Image Generation Prompt Engineering +1

Interpretable Concept Bottlenecks to Align Reinforcement Learning Agents

1 code implementation11 Jan 2024 Quentin Delfosse, Sebastian Sztwiertnia, Mark Rothermel, Wolfgang Stammer, Kristian Kersting

Unfortunately, the black-box nature of deep neural networks impedes the inclusion of domain experts for inspecting the model and revising suboptimal policies.

reinforcement-learning Reinforcement Learning (RL)

Characteristic Circuits

1 code implementation NeurIPS 2023 Zhongjie Yu, Martin Trapp, Kristian Kersting

In many real-world scenarios, it is crucial to be able to reliably and efficiently reason under uncertainty while capturing complex relationships in data.

From Images to Connections: Can DQN with GNNs learn the Strategic Game of Hex?

1 code implementation22 Nov 2023 Yannik Keller, Jannis Blüml, Gopika Sudhakaran, Kristian Kersting

The gameplay of strategic board games such as chess, Go and Hex is often characterized by combinatorial, relational structures -- capturing distinct interactions and non-local patterns -- and not just images.

Board Games Inductive Bias +2

SPARE: A Single-Pass Neural Model for Relational Databases

no code implementations20 Oct 2023 Benjamin Hilprecht, Kristian Kersting, Carsten Binnig

While there has been extensive work on deep neural networks for images and text, deep learning for relational databases (RDBs) is still a rather unexplored field.

Defending Our Privacy With Backdoors

1 code implementation12 Oct 2023 Dominik Hintersdorf, Lukas Struppek, Daniel Neider, Kristian Kersting

We propose a rather easy yet effective defense based on backdoor attacks to remove private information such as names and faces of individuals from vision-language models by fine-tuning them for only a few minutes instead of re-training them from scratch.

Leveraging Diffusion-Based Image Variations for Robust Training on Poisoned Data

1 code implementation10 Oct 2023 Lukas Struppek, Martin B. Hentschel, Clifton Poth, Dominik Hintersdorf, Kristian Kersting

To address this challenge, we propose a novel approach that enables model training on potentially poisoned datasets by utilizing the power of recent diffusion models.

Knowledge Distillation

Be Careful What You Smooth For: Label Smoothing Can Be a Privacy Shield but Also a Catalyst for Model Inversion Attacks

1 code implementation10 Oct 2023 Lukas Struppek, Dominik Hintersdorf, Kristian Kersting

Label smoothing -- using softened labels instead of hard ones -- is a widely adopted regularization method for deep learning, showing diverse benefits such as enhanced generalization and calibration.

Distilling Adversarial Prompts from Safety Benchmarks: Report for the Adversarial Nibbler Challenge

no code implementations20 Sep 2023 Manuel Brack, Patrick Schramowski, Kristian Kersting

Text-conditioned image generation models have recently achieved astonishing image quality and alignment results.

Image Generation

Learning to Intervene on Concept Bottlenecks

no code implementations25 Aug 2023 David Steinmann, Wolfgang Stammer, Felix Friedrich, Kristian Kersting

Specifically, a CB2M learns to generalize interventions to appropriate novel situations via a two-fold memory with which it can learn to detect mistakes and to reapply previous interventions.

Causal Parrots: Large Language Models May Talk Causality But Are Not Causal

1 code implementation24 Aug 2023 Matej Zečević, Moritz Willig, Devendra Singh Dhami, Kristian Kersting

We conjecture that in the cases where LLM succeed in doing causal inference, underlying was a respective meta SCM that exposed correlations between causal facts in natural language on whose data the LLM was ultimately trained.

Causal Inference

Balancing Transparency and Risk: The Security and Privacy Risks of Open-Source Machine Learning Models

no code implementations18 Aug 2023 Dominik Hintersdorf, Lukas Struppek, Kristian Kersting

The field of artificial intelligence (AI) has experienced remarkable progress in recent years, driven by the widespread adoption of open-source machine learning models in both research and industry.

Self-Driving Cars

Vision Relation Transformer for Unbiased Scene Graph Generation

1 code implementation ICCV 2023 Gopika Sudhakaran, Devendra Singh Dhami, Kristian Kersting, Stefan Roth

Recent years have seen a growing interest in Scene Graph Generation (SGG), a comprehensive visual scene understanding task that aims to predict entity relationships using a relation encoder-decoder pipeline stacked on top of an object encoder-decoder backbone.

Graph Generation Relation +2

Self-Expanding Neural Networks

1 code implementation10 Jul 2023 Rupert Mitchell, Robin Menzenbach, Kristian Kersting, Martin Mundt

The results of training a neural network are heavily dependent on the architecture chosen; and even a modification of only its size, however small, typically involves restarting the training process.

Learning Differentiable Logic Programs for Abstract Visual Reasoning

1 code implementation3 Jul 2023 Hikaru Shindo, Viktor Pfanschilling, Devendra Singh Dhami, Kristian Kersting

However, due to the memory intensity, most existing approaches do not bring the best of the expressivity of first-order logic, excluding a crucial ability to solve abstract visual reasoning, where agents need to perform reasoning by using analogies on abstract concepts in different scenarios.

Program induction Visual Reasoning

OCAtari: Object-Centric Atari 2600 Reinforcement Learning Environments

1 code implementation14 Jun 2023 Quentin Delfosse, Jannis Blüml, Bjarne Gregori, Sebastian Sztwiertnia, Kristian Kersting

In our work, we extend the Atari Learning Environments, the most-used evaluation framework for deep RL approaches, by introducing OCAtari, that performs resource-efficient extractions of the object-centric states for these games.

Atari Games Object +3

Scalable Neural-Probabilistic Answer Set Programming

1 code implementation14 Jun 2023 Arseny Skryagin, Daniel Ochs, Devendra Singh Dhami, Kristian Kersting

The goal of combining the robustness of neural networks and the expressiveness of symbolic methods has rekindled the interest in Neuro-Symbolic AI.

Probabilistic Programming Question Answering +1

V-LoL: A Diagnostic Dataset for Visual Logical Learning

1 code implementation13 Jun 2023 Lukas Helff, Wolfgang Stammer, Hikaru Shindo, Devendra Singh Dhami, Kristian Kersting

Despite the successes of recent developments in visual AI, different shortcomings still exist; from missing exact logical reasoning, to abstract generalization abilities, to understanding complex and noisy scenes.

Logical Reasoning Visual Reasoning

ChatGPT is fun, but it is not funny! Humor is still challenging Large Language Models

1 code implementation7 Jun 2023 Sophie Jentzsch, Kristian Kersting

In a series of exploratory experiments around jokes, i. e., generation, explanation, and detection, we seek to understand ChatGPT's capability to grasp and reproduce human humor.

valid

Masked Autoencoders are Efficient Continual Federated Learners

1 code implementation6 Jun 2023 Subarnaduti Paul, Lars-Joel Frey, Roshni Kamath, Kristian Kersting, Martin Mundt

In parts, federated learning lifts this assumption, as it sets out to solve the real-world challenge of collaboratively learning a shared model from data distributed across clients.

Continual Learning Federated Learning +1

Mitigating Inappropriateness in Image Generation: Can there be Value in Reflecting the World's Ugliness?

no code implementations28 May 2023 Manuel Brack, Felix Friedrich, Patrick Schramowski, Kristian Kersting

Text-conditioned image generation models have recently achieved astonishing results in image quality and text alignment and are consequently employed in a fast-growing number of applications.

Image Generation

Know your Enemy: Investigating Monte-Carlo Tree Search with Opponent Models in Pommerman

1 code implementation22 May 2023 Jannis Weil, Johannes Czech, Tobias Meuser, Kristian Kersting

In combination with Reinforcement Learning, Monte-Carlo Tree Search has shown to outperform human grandmasters in games such as Chess, Shogi and Go with little to no prior domain knowledge.

reinforcement-learning

Representation Matters: The Game of Chess Poses a Challenge to Vision Transformers

no code implementations28 Apr 2023 Johannes Czech, Jannis Blüml, Kristian Kersting

While transformers have gained the reputation as the "Swiss army knife of AI", no one has challenged them to master the game of chess, one of the classical AI benchmarks.

Game of Chess

One Explanation Does Not Fit XIL

1 code implementation14 Apr 2023 Felix Friedrich, David Steinmann, Kristian Kersting

Current machine learning models produce outstanding results in many areas but, at the same time, suffer from shortcut learning and spurious correlations.

Class Attribute Inference Attacks: Inferring Sensitive Class Information by Diffusion-Based Attribute Manipulations

1 code implementation16 Mar 2023 Lukas Struppek, Dominik Hintersdorf, Felix Friedrich, Manuel Brack, Patrick Schramowski, Kristian Kersting

Neural network-based image classifiers are powerful tools for computer vision tasks, but they inadvertently reveal sensitive attribute information about their classes, raising concerns about their privacy.

Attribute Face Recognition +2

Probabilistic Circuits That Know What They Don't Know

2 code implementations13 Feb 2023 Fabrizio Ventola, Steven Braun, Zhongjie Yu, Martin Mundt, Kristian Kersting

In contrast to neural networks, they are often assumed to be well-calibrated and robust to out-of-distribution (OOD) data.

Uncertainty Quantification

Fair Diffusion: Instructing Text-to-Image Generation Models on Fairness

1 code implementation7 Feb 2023 Felix Friedrich, Manuel Brack, Lukas Struppek, Dominik Hintersdorf, Patrick Schramowski, Sasha Luccioni, Kristian Kersting

Generative AI models have recently achieved astonishing results in quality and are consequently employed in a fast-growing number of applications.

Fairness Text-to-Image Generation

AtMan: Understanding Transformer Predictions Through Memory Efficient Attention Manipulation

1 code implementation NeurIPS 2023 Björn Deiseroth, Mayukh Deb, Samuel Weinbach, Manuel Brack, Patrick Schramowski, Kristian Kersting

Generative transformer models have become increasingly complex, with large numbers of parameters and the ability to process multiple input modalities.

Pearl Causal Hierarchy on Image Data: Intricacies & Challenges

no code implementations23 Dec 2022 Matej Zečević, Moritz Willig, Devendra Singh Dhami, Kristian Kersting

Many researchers have voiced their support towards Pearl's counterfactual theory of causation as a stepping stone for AI/ML research's ultimate goal of intelligent systems.

counterfactual

The Stable Artist: Steering Semantics in Diffusion Latent Space

2 code implementations12 Dec 2022 Manuel Brack, Patrick Schramowski, Felix Friedrich, Dominik Hintersdorf, Kristian Kersting

Large, text-conditioned generative diffusion models have recently gained a lot of attention for their impressive performance in generating high-fidelity images from text alone.

Image Generation

Neural Meta-Symbolic Reasoning and Learning

no code implementations21 Nov 2022 Zihan Ye, Hikaru Shindo, Devendra Singh Dhami, Kristian Kersting

To make deep learning do more from less, we propose the first neural meta-symbolic system (NEMESYS) for reasoning and learning: meta programming using differentiable forward-chaining reasoning in first-order logic.

Boosting Object Representation Learning via Motion and Object Continuity

1 code implementation16 Nov 2022 Quentin Delfosse, Wolfgang Stammer, Thomas Rothenbacher, Dwarak Vittal, Kristian Kersting

Recent unsupervised multi-object detection models have shown impressive performance improvements, largely attributed to novel architectural inductive biases.

Atari Games Object +5

Safe Latent Diffusion: Mitigating Inappropriate Degeneration in Diffusion Models

2 code implementations CVPR 2023 Patrick Schramowski, Manuel Brack, Björn Deiseroth, Kristian Kersting

Text-conditioned image generation models have recently achieved astonishing results in image quality and text alignment and are consequently employed in a fast-growing number of applications.

Image Generation

Rickrolling the Artist: Injecting Backdoors into Text Encoders for Text-to-Image Synthesis

3 code implementations ICCV 2023 Lukas Struppek, Dominik Hintersdorf, Kristian Kersting

We introduce backdoor attacks against text-guided generative models and demonstrate that their text encoders pose a major tampering risk.

Image Generation

Revision Transformers: Instructing Language Models to Change their Values

1 code implementation19 Oct 2022 Felix Friedrich, Wolfgang Stammer, Patrick Schramowski, Kristian Kersting

In this work, we question the current common practice of storing all information in the model parameters and propose the Revision Transformer (RiT) to facilitate easy model updating.

Information Retrieval Retrieval +1

Exploiting Cultural Biases via Homoglyphs in Text-to-Image Synthesis

2 code implementations19 Sep 2022 Lukas Struppek, Dominik Hintersdorf, Felix Friedrich, Manuel Brack, Patrick Schramowski, Kristian Kersting

Models for text-to-image synthesis, such as DALL-E~2 and Stable Diffusion, have recently drawn a lot of interest from academia and the general public.

Image Generation

Does CLIP Know My Face?

2 code implementations15 Sep 2022 Dominik Hintersdorf, Lukas Struppek, Manuel Brack, Felix Friedrich, Patrick Schramowski, Kristian Kersting

Our large-scale experiments on CLIP demonstrate that individuals used for training can be identified with very high accuracy.

Inference Attack

Combining AI and AM - Improving Approximate Matching through Transformer Networks

1 code implementation24 Aug 2022 Frieder Uhlig, Lukas Struppek, Dominik Hintersdorf, Thomas Göbel, Harald Baier, Kristian Kersting

Then DLAM is able to detect the patterns in a typically much larger file, that is DLAM focuses on the use case of fragment detection.

Anomaly Detection

ILLUME: Rationalizing Vision-Language Models through Human Interactions

1 code implementation17 Aug 2022 Manuel Brack, Patrick Schramowski, Björn Deiseroth, Kristian Kersting

Bootstrapping from pre-trained language models has been proven to be an efficient approach for building vision-language models (VLM) for tasks such as image captioning or visual question answering.

Image Captioning Question Answering +2

FEATHERS: Federated Architecture and Hyperparameter Search

no code implementations24 Jun 2022 Jonas Seng, Pooja Prasad, Martin Mundt, Devendra Singh Dhami, Kristian Kersting

Deep neural architectures have profound impact on achieved performance in many of today's AI tasks, yet, their design still heavily relies on human prior knowledge and experience.

BIG-bench Machine Learning Federated Learning +3

Attributions Beyond Neural Networks: The Linear Program Case

no code implementations14 Jun 2022 Florian Peter Busch, Matej Zečević, Kristian Kersting, Devendra Singh Dhami

We introduce an approach where we consider neural encodings for LPs that justify the application of attribution methods from explainable artificial intelligence (XAI) designed for neural learning systems.

Explainable artificial intelligence Explainable Artificial Intelligence (XAI)

Towards a Solution to Bongard Problems: A Causal Approach

no code implementations14 Jun 2022 Salahedine Youssef, Matej Zečević, Devendra Singh Dhami, Kristian Kersting

Even though AI has advanced rapidly in recent years displaying success in solving highly complex problems, the class of Bongard Problems (BPs) yet remain largely unsolved by modern ML techniques.

Contrastive Learning reinforcement-learning +1

Machines Explaining Linear Programs

no code implementations14 Jun 2022 David Steinmann, Matej Zečević, Devendra Singh Dhami, Kristian Kersting

In this work, we extend the attribution methods for explaining neural networks to linear programs.

Can Foundation Models Talk Causality?

1 code implementation14 Jun 2022 Moritz Willig, Matej Zečević, Devendra Singh Dhami, Kristian Kersting

Foundation models are subject to an ongoing heated debate, leaving open the question of progress towards AGI and dividing the community into two camps: the ones who see the arguably impressive results as evidence to the scaling hypothesis, and the others who are worried about the lack of interpretability and reasoning capabilities.

Gradient-based Counterfactual Explanations using Tractable Probabilistic Models

no code implementations16 May 2022 Xiaoting Shao, Kristian Kersting

Counterfactual examples are an appealing class of post-hoc explanations for machine learning models.

counterfactual

Adaptable Adapters

1 code implementation NAACL 2022 Nafise Sadat Moosavi, Quentin Delfosse, Kristian Kersting, Iryna Gurevych

The resulting adapters (a) contain about 50% of the learning parameters of the standard adapter and are therefore more efficient at training and inference, and require less storage space, and (b) achieve considerably higher performances in low-data settings.

Finding Structure and Causality in Linear Programs

1 code implementation29 Mar 2022 Matej Zečević, Florian Peter Busch, Devendra Singh Dhami, Kristian Kersting

Linear Programs (LP) are celebrated widely, particularly so in machine learning where they have allowed for effectively solving probabilistic inference tasks or imposing structure on end-to-end learning systems.

BIG-bench Machine Learning

Do Multilingual Language Models Capture Differing Moral Norms?

no code implementations18 Mar 2022 Katharina Hämmerl, Björn Deiseroth, Patrick Schramowski, Jindřich Libovický, Alexander Fraser, Kristian Kersting

Massively multilingual sentence representations are trained on large corpora of uncurated data, with a very imbalanced proportion of languages included in the training.

Sentence XLM-R

A Typology for Exploring the Mitigation of Shortcut Behavior

3 code implementations4 Mar 2022 Felix Friedrich, Wolfgang Stammer, Patrick Schramowski, Kristian Kersting

In addition, we discuss existing and introduce novel measures and benchmarks for evaluating the overall abilities of a XIL method.

BIG-bench Machine Learning

Neuro-Symbolic Verification of Deep Neural Networks

1 code implementation2 Mar 2022 Xuan Xie, Kristian Kersting, Daniel Neider

Formal verification has emerged as a powerful approach to ensure the safety and reliability of deep neural networks.

Adversarial Robustness Fairness

Right for the Right Latent Factors: Debiasing Generative Models via Disentanglement

no code implementations1 Feb 2022 Xiaoting Shao, Karl Stelzner, Kristian Kersting

A key assumption of most statistical machine learning methods is that they have access to independent samples from the distribution of data they encounter at test time.

BIG-bench Machine Learning Disentanglement

Plug & Play Attacks: Towards Robust and Flexible Model Inversion Attacks

3 code implementations28 Jan 2022 Lukas Struppek, Dominik Hintersdorf, Antonio De Almeida Correia, Antonia Adler, Kristian Kersting

Model inversion attacks (MIAs) aim to create synthetic images that reflect the class-wise characteristics from a target classifier's private training data by exploiting the model's learned knowledge.

Interactive Disentanglement: Learning Concepts by Interacting with their Prototype Representations

1 code implementation CVPR 2022 Wolfgang Stammer, Marius Memmel, Patrick Schramowski, Kristian Kersting

In this work, we show the advantages of prototype representations for understanding and revising the latent space of neural concept learners.

Disentanglement

To Trust or Not To Trust Prediction Scores for Membership Inference Attacks

2 code implementations17 Nov 2021 Dominik Hintersdorf, Lukas Struppek, Kristian Kersting

Membership inference attacks (MIAs) aim to determine whether a specific sample was used to train a predictive model.

A Taxonomy for Inference in Causal Model Families

no code implementations22 Oct 2021 Matej Zečević, Devendra Singh Dhami, Kristian Kersting

More specifically, there are models capable of answering causal queries that are not SCM, which we refer to as \emph{partially causal models} (PCM).

Causal Inference

The Causal Loss: Driving Correlation to Imply Causation

no code implementations22 Oct 2021 Moritz Willig, Matej Zečević, Devendra Singh Dhami, Kristian Kersting

Most algorithms in classical and contemporary machine learning focus on correlation-based dependence between features to drive performance.

Explaining Deep Tractable Probabilistic Models: The sum-product network case

1 code implementation19 Oct 2021 Athresh Karanam, Saurabh Mathur, Predrag Radivojac, David M. Haas, Kristian Kersting, Sriraam Natarajan

We consider the problem of explaining a class of tractable deep probabilistic models, the Sum-Product Networks (SPNs) and present an algorithm ExSPN to generate explanations.

Neuro-Symbolic Forward Reasoning

1 code implementation18 Oct 2021 Hikaru Shindo, Devendra Singh Dhami, Kristian Kersting

NSFR factorizes the raw inputs into the object-centric representations, converts them into probabilistic ground atoms, and finally performs differentiable forward-chaining inference using weighted rules for inference.

Object

Inferring Offensiveness In Images From Natural Language Supervision

1 code implementation8 Oct 2021 Patrick Schramowski, Kristian Kersting

Probing or fine-tuning (large-scale) pre-trained models results in state-of-the-art performance for many NLP tasks and, more recently, even for computer vision tasks when combined with image data.

SLASH: Embracing Probabilistic Circuits into Neural Answer Set Programming

no code implementations7 Oct 2021 Arseny Skryagin, Wolfgang Stammer, Daniel Ochs, Devendra Singh Dhami, Kristian Kersting

The probability estimates resulting from NPPs act as the binding element between the logical program and raw input data, thereby allowing SLASH to answer task-dependent logical queries.

Probabilistic Programming

Causal Explanations of Structural Causal Models

no code implementations5 Oct 2021 Matej Zečević, Devendra Singh Dhami, Constantin A. Rothkopf, Kristian Kersting

The question part on the user's end we believe to be solved since the user's mental model can provide the causal model.

BIG-bench Machine Learning

Sum-Product-Attention Networks: Leveraging Self-Attention in Probabilistic Circuits

no code implementations14 Sep 2021 Zhongjie Yu, Devendra Singh Dhami, Kristian Kersting

Probabilistic circuits (PCs) have become the de-facto standard for learning and inference in probabilistic modeling.

Relating Graph Neural Networks to Structural Causal Models

no code implementations9 Sep 2021 Matej Zečević, Devendra Singh Dhami, Petar Veličković, Kristian Kersting

Causality can be described in terms of a structural causal model (SCM) that carries information on the variables of interest and their mechanistic relations.

Causal Inference

Generative Adversarial Neural Cellular Automata

no code implementations19 Jul 2021 Maximilian Otte, Quentin Delfosse, Johannes Czech, Kristian Kersting

Motivated by the interaction between cells, the recently introduced concept of Neural Cellular Automata shows promising results in a variety of tasks.

Leveraging Probabilistic Circuits for Nonparametric Multi-Output Regression

1 code implementation16 Jun 2021 Zhongjie Yu, Mingye Zhu, Martin Trapp, Arseny Skryagin, Kristian Kersting

Inspired by recent advances in the field of expert-based approximations of Gaussian processes (GPs), we present an expert-based approach to large-scale multi-output regression using single-output GP experts.

Gaussian Processes regression

RECOWNs: Probabilistic Circuits for Trustworthy Time Series Forecasting

no code implementations8 Jun 2021 Nils Thoma, Zhongjie Yu, Fabrizio Ventola, Kristian Kersting

Time series forecasting is a relevant task that is performed in several real-world scenarios such as product sales analysis and prediction of energy demand.

Time Series Time Series Forecasting

Structural Causal Models Reveal Confounder Bias in Linear Program Modelling

1 code implementation26 May 2021 Matej Zečević, Devendra Singh Dhami, Kristian Kersting

The recent years have been marked by extended research on adversarial attacks, especially on deep neural networks.

Combinatorial Optimization

User-Level Label Leakage from Gradients in Federated Learning

2 code implementations19 May 2021 Aidmar Wainakh, Fabrizio Ventola, Till Müßig, Jens Keim, Carlos Garcia Cordero, Ephraim Zimmer, Tim Grube, Kristian Kersting, Max Mühlhäuser

Specifically, we investigate Label Leakage from Gradients (LLG), a novel attack to extract the labels of the users' training data from their shared gradients.

Federated Learning

Decomposing 3D Scenes into Objects via Unsupervised Volume Segmentation

1 code implementation2 Apr 2021 Karl Stelzner, Kristian Kersting, Adam R. Kosiorek

We present ObSuRF, a method which turns a single image of a scene into a 3D model represented as a set of Neural Radiance Fields (NeRFs), with each NeRF corresponding to a different object.

Image Segmentation Object +1

Large Pre-trained Language Models Contain Human-like Biases of What is Right and Wrong to Do

1 code implementation8 Mar 2021 Patrick Schramowski, Cigdem Turan, Nico Andersen, Constantin A. Rothkopf, Kristian Kersting

That is, we show that these norms can be captured geometrically by a direction, which can be computed, e. g., by a PCA, in the embedding space, reflecting well the agreement of phrases to social norms implicitly expressed in the training texts and providing a path for attenuating or even preventing toxic degeneration in LMs.

General Knowledge

Adaptive Rational Activations to Boost Deep Reinforcement Learning

4 code implementations18 Feb 2021 Quentin Delfosse, Patrick Schramowski, Martin Mundt, Alejandro Molina, Kristian Kersting

Latest insights from biology show that intelligence not only emerges from the connections between neurons but that individual neurons shoulder more computational responsibility than previously anticipated.

Ranked #3 on Atari Games on Atari 2600 Skiing (using extra training data)

Atari Games General Reinforcement Learning +3

Monte-Carlo Graph Search for AlphaZero

3 code implementations20 Dec 2020 Johannes Czech, Patrick Korus, Kristian Kersting

The AlphaZero algorithm has been successfully applied in a range of discrete domains, most notably board games.

Board Games

Right for the Right Concept: Revising Neuro-Symbolic Concepts by Interacting with their Explanations

3 code implementations CVPR 2021 Wolfgang Stammer, Patrick Schramowski, Kristian Kersting

Most explanation methods in deep learning map importance estimates for a model's prediction back to the original input space.

Fitted Q-Learning for Relational Domains

no code implementations10 Jun 2020 Srijita Das, Sriraam Natarajan, Kaushik Roy, Ronald Parr, Kristian Kersting

We consider the problem of Approximate Dynamic Programming in relational domains.

Q-Learning

Einsum Networks: Fast and Scalable Learning of Tractable Probabilistic Circuits

1 code implementation ICML 2020 Robert Peharz, Steven Lang, Antonio Vergari, Karl Stelzner, Alejandro Molina, Martin Trapp, Guy Van Den Broeck, Kristian Kersting, Zoubin Ghahramani

Probabilistic circuits (PCs) are a promising avenue for probabilistic modeling, as they permit a wide range of exact and efficient inference routines.

CryptoSPN: Privacy-preserving Sum-Product Network Inference

no code implementations3 Feb 2020 Amos Treiber, Alejandro Molina, Christian Weinert, Thomas Schneider, Kristian Kersting

AI algorithms, and machine learning (ML) techniques in particular, are increasingly important to individuals' lives, but have caused a range of privacy concerns addressed by, e. g., the European GDPR.

Privacy Preserving

Structured Object-Aware Physics Prediction for Video Modeling and Planning

1 code implementation ICLR 2020 Jannik Kossen, Karl Stelzner, Marcel Hussing, Claas Voelcker, Kristian Kersting

When humans observe a physical system, they can easily locate objects, understand their interactions, and anticipate future behavior, even in settings with complicated and previously unseen interactions.

Meta-Learning Runge-Kutta

no code implementations25 Sep 2019 Nadine Behrmann, Patrick Schramowski, Kristian Kersting

However, by studying the characteristics of the local error function we show that including the partial derivatives of the initial value problem is favorable.

Meta-Learning Numerical Integration

DeepDB: Learn from Data, not from Queries!

1 code implementation2 Sep 2019 Benjamin Hilprecht, Andreas Schmidt, Moritz Kulessa, Alejandro Molina, Kristian Kersting, Carsten Binnig

The typical approach for learned DBMS components is to capture the behavior by running a representative set of queries and use the observations to train a machine learning model.

Databases

Neural Networks for Relational Data

1 code implementation28 Aug 2019 Navdeep Kaur, Gautam Kunapuli, Saket Joshi, Kristian Kersting, Sriraam Natarajan

While deep networks have been enormously successful over the last decade, they rely on flat-feature vector representations, which makes them unsuitable for richly structured domains such as those arising in applications like social network analysis.

Learning to play the Chess Variant Crazyhouse above World Champion Level with Deep Neural Networks and Human Data

3 code implementations19 Aug 2019 Johannes Czech, Moritz Willig, Alena Beyer, Kristian Kersting, Johannes Fürnkranz

Crazyhouse is a game with a higher branching factor than chess and there is only limited data of lower quality available compared to AlphaGo.

Board Games

Random Sum-Product Forests with Residual Links

no code implementations8 Aug 2019 Fabrizio Ventola, Karl Stelzner, Alejandro Molina, Kristian Kersting

Tractable yet expressive density estimators are a key building block of probabilistic machine learning.

Padé Activation Units: End-to-end Learning of Flexible Activation Functions in Deep Networks

5 code implementations ICLR 2020 Alejandro Molina, Patrick Schramowski, Kristian Kersting

The performance of deep network learning strongly depends on the choice of the non-linear activation function associated with each neuron.

Declarative Learning-Based Programming as an Interface to AI Systems

no code implementations18 Jun 2019 Parisa Kordjamshidi, Dan Roth, Kristian Kersting

Data-driven approaches are becoming more common as problem-solving techniques in many areas of research and industry.

BIG-bench Machine Learning

Neural-Symbolic Argumentation Mining: an Argument in Favor of Deep Learning and Reasoning

no code implementations22 May 2019 Andrea Galassi, Kristian Kersting, Marco Lippi, Xiaoting Shao, Paolo Torroni

Deep learning is bringing remarkable contributions to the field of argumentation mining, but the existing approaches still need to fill the gap toward performing advanced reasoning tasks.

Component Classification Link Prediction +3

Conditional Sum-Product Networks: Imposing Structure on Deep Probabilistic Architectures

no code implementations21 May 2019 Xiaoting Shao, Alejandro Molina, Antonio Vergari, Karl Stelzner, Robert Peharz, Thomas Liebig, Kristian Kersting

In contrast, deep probabilistic models such as sum-product networks (SPNs) capture joint distributions in a tractable fashion, but still lack the expressive power of intractable models based on deep neural networks.

Image Classification

Was ist eine Professur fuer Kuenstliche Intelligenz?

no code implementations17 Feb 2019 Kristian Kersting, Jan Peters, Constantin Rothkopf

The Federal Government of Germany aims to boost the research in the field of Artificial Intelligence (AI).

SPFlow: An Easy and Extensible Library for Deep Probabilistic Learning using Sum-Product Networks

1 code implementation11 Jan 2019 Alejandro Molina, Antonio Vergari, Karl Stelzner, Robert Peharz, Pranav Subramani, Nicola Di Mauro, Pascal Poupart, Kristian Kersting

We introduce SPFlow, an open-source Python library providing a simple interface to inference, learning and manipulation routines for deep and tractable probabilistic models called Sum-Product Networks (SPNs).

Model-based Approximate Query Processing

no code implementations15 Nov 2018 Moritz Kulessa, Alejandro Molina, Carsten Binnig, Benjamin Hilprecht, Kristian Kersting

However, classical AQP approaches suffer from various problems that limit the applicability to support the ad-hoc exploration of a new data set: (1) Classical AQP approaches that perform online sampling can support ad-hoc exploration queries but yield low quality if executed over rare subpopulations.

Automatic Bayesian Density Analysis

no code implementations24 Jul 2018 Antonio Vergari, Alejandro Molina, Robert Peharz, Zoubin Ghahramani, Kristian Kersting, Isabel Valera

Classical approaches for {exploratory data analysis} are usually not flexible enough to deal with the uncertainty inherent to real-world data: they are often restricted to fixed latent interaction models and homogeneous likelihoods; they are sensitive to missing, corrupt and anomalous data; moreover, their expressiveness generally comes at the price of intractable inference.

Anomaly Detection Bayesian Inference +1

Probabilistic Deep Learning using Random Sum-Product Networks

no code implementations5 Jun 2018 Robert Peharz, Antonio Vergari, Karl Stelzner, Alejandro Molina, Martin Trapp, Kristian Kersting, Zoubin Ghahramani

The need for consistent treatment of uncertainty has recently triggered increased interest in probabilistic deep learning methods.

Probabilistic Deep Learning

Neural Conditional Gradients

no code implementations12 Mar 2018 Patrick Schramowski, Christian Bauckhage, Kristian Kersting

The move from hand-designed to learned optimizers in machine learning has been quite successful for gradient-based and -free optimizers.

Lifted Filtering via Exchangeable Decomposition

no code implementations31 Jan 2018 Stefan Lüdtke, Max Schröder, Sebastian Bader, Kristian Kersting, Thomas Kirste

We present a model for exact recursive Bayesian filtering based on lifted multiset states.

Sum-Product Networks for Hybrid Domains

no code implementations9 Oct 2017 Alejandro Molina, Antonio Vergari, Nicola Di Mauro, Sriraam Natarajan, Floriana Esposito, Kristian Kersting

While all kinds of mixed data -from personal data, over panel and scientific data, to public and commercial data- are collected and stored, building probabilistic graphical models for these hybrid domains becomes more difficult.

Coresets for Dependency Networks

no code implementations9 Oct 2017 Alejandro Molina, Alexander Munteanu, Kristian Kersting

Many applications infer the structure of a probabilistic graphical model from data to elucidate the relationships between variables.

Global Weisfeiler-Lehman Graph Kernels

1 code implementation7 Mar 2017 Christopher Morris, Kristian Kersting, Petra Mutzel

Specifically, we introduce a novel graph kernel based on the $k$-dimensional Weisfeiler-Lehman algorithm.

General Classification Graph Classification

A Unifying View of Explicit and Implicit Feature Maps of Graph Kernels

no code implementations2 Mar 2017 Nils M. Kriege, Marion Neumann, Christopher Morris, Kristian Kersting, Petra Mutzel

On this basis we propose exact and approximative feature maps for widely used graph kernels based on the kernel trick.

Faster Kernels for Graphs with Continuous Attributes via Hashing

no code implementations1 Oct 2016 Christopher Morris, Nils M. Kriege, Kristian Kersting, Petra Mutzel

While state-of-the-art kernels for graphs with discrete labels scale well to graphs with thousands of nodes, the few existing kernels for graphs with continuous attributes, unfortunately, do not scale well.

Lifted Convex Quadratic Programming

no code implementations14 Jun 2016 Martin Mladenov, Leonard Kleinhans, Kristian Kersting

Symmetry is the essential element of lifted inference that has recently demon- strated the possibility to perform very efficient inference in highly-connected, but symmetric probabilistic models models.

How is a data-driven approach better than random choice in label space division for multi-label classification?

no code implementations7 Jun 2016 Piotr Szymański, Tomasz Kajdanowicz, Kristian Kersting

We show that fastgreedy and walktrap community detection methods on weighted label co-occurence graphs are 85-92% more likely to yield better F1 scores than random partitioning.

Community Detection General Classification +1

The Symbolic Interior Point Method

no code implementations26 May 2016 Martin Mladenov, Vaishak Belle, Kristian Kersting

A recent trend in probabilistic inference emphasizes the codification of models in a formal syntax, with suitable high-level features such as individuals, relations, and connectives, enabling descriptive clarity, succinctness and circumventing the need for the modeler to engineer a custom solver.

Decision Making Descriptive

Propagation Kernels

1 code implementation13 Oct 2014 Marion Neumann, Roman Garnett, Christian Bauckhage, Kristian Kersting

We introduce propagation kernels, a general graph-kernel framework for efficiently measuring the similarity of structured data.

Relational Linear Programs

no code implementations12 Oct 2014 Kristian Kersting, Martin Mladenov, Pavel Tokmakov

A relational linear program (RLP) is a declarative LP template defining the objective and the constraints through the logical concepts of objects, relations, and quantified variables.

Mind the Nuisance: Gaussian Process Classification using Privileged Noise

no code implementations NeurIPS 2014 Daniel Hernández-Lobato, Viktoriia Sharmanska, Kristian Kersting, Christoph H. Lampert, Novi Quadrianto

That is, in contrast to the standard GPC setting, the latent function is not just a nuisance but a feature: it becomes a natural measure of confidence about the training data by modulating the slope of the GPC sigmoid likelihood function.

Classification General Classification

Dimension Reduction via Colour Refinement

no code implementations22 Jul 2013 Martin Grohe, Kristian Kersting, Martin Mladenov, Erkal Selman

We demonstrate empirically that colour refinement can indeed greatly reduce the cost of solving linear programs.

Dimensionality Reduction Isomorphism Testing +1

Symbolic Dynamic Programming for Continuous State and Observation POMDPs

no code implementations NeurIPS 2012 Zahra Zamani, Scott Sanner, Pascal Poupart, Kristian Kersting

In recent years, point- based value iteration methods have proven to be extremely effective techniques for finding (approximately) optimal dynamic programming solutions to POMDPs when an initial set of belief states is known.

Decision Making

Bayesian Logic Programs

no code implementations23 Nov 2001 Kristian Kersting, Luc De Raedt

Theyare a probabilistic extension of propositional logic and, hence, inherit some of the limitations of propositional logic, such as the difficulties to represent objects and relations.

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