Search Results for author: Volker Tresp

Found 132 papers, 57 papers with code

TempCaps: A Capsule Network-based Embedding Model for Temporal Knowledge Graph Completion

1 code implementation spnlp (ACL) 2022 Guirong Fu, Zhao Meng, Zhen Han, Zifeng Ding, Yunpu Ma, Matthias Schubert, Volker Tresp, Roger Wattenhofer

In this paper, we tackle the temporal knowledge graph completion task by proposing TempCaps, which is a Capsule network-based embedding model for Temporal knowledge graph completion.

Entity Embeddings Temporal Knowledge Graph Completion

Learning Neural Ordinary Equations for Forecasting Future Links on Temporal Knowledge Graphs

no code implementations EMNLP 2021 Zhen Han, Zifeng Ding, Yunpu Ma, Yujia Gu, Volker Tresp

In addition, a novel graph transition layer is applied to capture the transitions on the dynamic graph, i. e., edge formation and dissolution.

Knowledge Graphs

Red Teaming GPT-4V: Are GPT-4V Safe Against Uni/Multi-Modal Jailbreak Attacks?

no code implementations4 Apr 2024 Shuo Chen, Zhen Han, Bailan He, Zifeng Ding, Wenqian Yu, Philip Torr, Volker Tresp, Jindong Gu

Various jailbreak attacks have been proposed to red-team Large Language Models (LLMs) and revealed the vulnerable safeguards of LLMs.

Wiki-TabNER:Advancing Table Interpretation Through Named Entity Recognition

1 code implementation7 Mar 2024 Aneta Koleva, Martin Ringsquandl, Ahmed Hatem, Thomas Runkler, Volker Tresp

Finally, we propose a prompting framework for evaluating the newly developed large language models (LLMs) on this novel TI task.

Entity Linking named-entity-recognition +1

Stop Reasoning! When Multimodal LLMs with Chain-of-Thought Reasoning Meets Adversarial Images

no code implementations22 Feb 2024 Zefeng Wang, Zhen Han, Shuo Chen, Fan Xue, Zifeng Ding, Xun Xiao, Volker Tresp, Philip Torr, Jindong Gu

Our research evaluates the adversarial robustness of MLLMs when employing CoT reasoning, finding that CoT marginally improves adversarial robustness against existing attack methods.

Adversarial Robustness

Quantum Architecture Search with Unsupervised Representation Learning

no code implementations21 Jan 2024 Yize Sun, Zixin Wu, Yunpu Ma, Volker Tresp

Most QAS algorithms combine their search space and search algorithms together and thus generally require evaluating a large number of quantum circuits during the search process.

Bayesian Optimization Neural Architecture Search +1

Understanding and Improving In-Context Learning on Vision-language Models

no code implementations29 Nov 2023 Shuo Chen, Zhen Han, Bailan He, Mark Buckley, Philip Torr, Volker Tresp, Jindong Gu

Our findings indicate that ICL in VLMs is predominantly driven by the textual information in the demonstrations whereas the visual information in the demonstrations barely affects the ICL performance.

In-Context Learning

SPOT! Revisiting Video-Language Models for Event Understanding

no code implementations21 Nov 2023 Gengyuan Zhang, Jinhe Bi, Jindong Gu, Yanyu Chen, Volker Tresp

This raises a question: with such weak supervision, can video representation in video-language models gain the ability to distinguish even factual discrepancies in textual description and understand fine-grained events?

Attribute Video Understanding

zrLLM: Zero-Shot Relational Learning on Temporal Knowledge Graphs with Large Language Models

1 code implementation15 Nov 2023 Zifeng Ding, Heling Cai, Jingpei Wu, Yunpu Ma, Ruotong Liao, Bo Xiong, Volker Tresp

We first input the text descriptions of KG relations into large language models (LLMs) for generating relation representations, and then introduce them into embedding-based TKGF methods.

Knowledge Graphs Relation +1

Enhancing Multimodal Compositional Reasoning of Visual Language Models with Generative Negative Mining

no code implementations7 Nov 2023 Ugur Sahin, Hang Li, Qadeer Khan, Daniel Cremers, Volker Tresp

Leveraging these generative hard negative samples, we significantly enhance VLMs' performance in tasks involving multimodal compositional reasoning.

Does Your Model Think Like an Engineer? Explainable AI for Bearing Fault Detection with Deep Learning

no code implementations19 Oct 2023 Thomas Decker, Michael Lebacher, Volker Tresp

Deep Learning has already been successfully applied to analyze industrial sensor data in a variety of relevant use cases.

Fault Detection

Explaining Deep Neural Networks for Bearing Fault Detection with Vibration Concepts

no code implementations17 Oct 2023 Thomas Decker, Michael Lebacher, Volker Tresp

Concept-based explanation methods, such as Concept Activation Vectors, are potent means to quantify how abstract or high-level characteristics of input data influence the predictions of complex deep neural networks.

Fault Detection

GraphextQA: A Benchmark for Evaluating Graph-Enhanced Large Language Models

1 code implementation12 Oct 2023 Yuanchun Shen, Ruotong Liao, Zhen Han, Yunpu Ma, Volker Tresp

The proposed dataset is designed to evaluate graph-language models' ability to understand graphs and make use of it for answer generation.

Answer Generation Hallucination +3

GenTKG: Generative Forecasting on Temporal Knowledge Graph with Large Language Models

1 code implementation11 Oct 2023 Ruotong Liao, Xu Jia, Yangzhe Li, Yunpu Ma, Volker Tresp

Extensive experiments have shown that GenTKG outperforms conventional methods of temporal relational forecasting with low computation resources using extremely limited training data as few as 16 samples.

Retrieval

Differentiable Quantum Architecture Search for Quantum Reinforcement Learning

no code implementations19 Sep 2023 Yize Sun, Yunpu Ma, Volker Tresp

However, the pre-defined circuit needs more flexibility for different tasks, and the circuit design based on various datasets could become intractable in the case of a large circuit.

Q-Learning Quantum Machine Learning +1

Adversarial Attacks on Tables with Entity Swap

no code implementations15 Sep 2023 Aneta Koleva, Martin Ringsquandl, Volker Tresp

The recently proposed tabular language models have reported state-of-the-art results across various tasks for table interpretation.

Column Type Annotation Representation Learning

Multi-event Video-Text Retrieval

1 code implementation ICCV 2023 Gengyuan Zhang, Jisen Ren, Jindong Gu, Volker Tresp

In this study, we introduce the Multi-event Video-Text Retrieval (MeVTR) task, addressing scenarios in which each video contains multiple different events, as a niche scenario of the conventional Video-Text Retrieval Task.

Language Modelling Retrieval +2

FedDAT: An Approach for Foundation Model Finetuning in Multi-Modal Heterogeneous Federated Learning

no code implementations21 Aug 2023 Haokun Chen, Yao Zhang, Denis Krompass, Jindong Gu, Volker Tresp

FedDAT is the first approach that enables an efficient distributed finetuning of foundation models for a variety of heterogeneous Vision-Language tasks.

Federated Learning Knowledge Distillation +1

FedPop: Federated Population-based Hyperparameter Tuning

no code implementations16 Aug 2023 Haokun Chen, Denis Krompass, Jindong Gu, Volker Tresp

Similar to conventional ML pipelines, the client local optimization and server aggregation procedure in FL are sensitive to the hyperparameter (HP) selection.

Computational Efficiency Evolutionary Algorithms +1

A Systematic Survey of Prompt Engineering on Vision-Language Foundation Models

1 code implementation24 Jul 2023 Jindong Gu, Zhen Han, Shuo Chen, Ahmad Beirami, Bailan He, Gengyuan Zhang, Ruotong Liao, Yao Qin, Volker Tresp, Philip Torr

This paper aims to provide a comprehensive survey of cutting-edge research in prompt engineering on three types of vision-language models: multimodal-to-text generation models (e. g. Flamingo), image-text matching models (e. g.

Image-text matching Language Modelling +4

Exploring Link Prediction over Hyper-Relational Temporal Knowledge Graphs Enhanced with Time-Invariant Relational Knowledge

no code implementations14 Jul 2023 Zifeng Ding, Jingcheng Wu, Jingpei Wu, Yan Xia, Volker Tresp

We develop two new benchmark hyper-relational TKG (HTKG) datasets, i. e., Wiki-hy and YAGO-hy, and propose an HTKG reasoning model that efficiently models both temporal facts and qualifiers.

Knowledge Graphs Link Prediction +1

Can Vision-Language Models be a Good Guesser? Exploring VLMs for Times and Location Reasoning

1 code implementation12 Jul 2023 Gengyuan Zhang, Yurui Zhang, Kerui Zhang, Volker Tresp

This makes us wonder if, based on visual cues, Vision-Language Models that are pre-trained with large-scale image-text resources can achieve and even outperform human's capability in reasoning times and location.

Improving Few-Shot Inductive Learning on Temporal Knowledge Graphs using Confidence-Augmented Reinforcement Learning

1 code implementation2 Apr 2023 Zifeng Ding, Jingpei Wu, Zongyue Li, Yunpu Ma, Volker Tresp

Most previous TKGC methods only consider predicting the missing links among the entities seen in the training set, while they are unable to achieve great performance in link prediction concerning newly-emerged unseen entities.

Few-Shot Learning Link Prediction +1

Do DALL-E and Flamingo Understand Each Other?

no code implementations ICCV 2023 Hang Li, Jindong Gu, Rajat Koner, Sahand Sharifzadeh, Volker Tresp

To study this question, we propose a reconstruction task where Flamingo generates a description for a given image and DALL-E uses this description as input to synthesize a new image.

Image Captioning Image Reconstruction +3

Few-Shot Inductive Learning on Temporal Knowledge Graphs using Concept-Aware Information

no code implementations15 Nov 2022 Zifeng Ding, Jingpei Wu, Bailan He, Yunpu Ma, Zhen Han, Volker Tresp

Similar problem exists in temporal knowledge graphs (TKGs), and no previous temporal knowledge graph completion (TKGC) method is developed for modeling newly-emerged entities.

Link Prediction Meta-Learning +1

SegPGD: An Effective and Efficient Adversarial Attack for Evaluating and Boosting Segmentation Robustness

1 code implementation25 Jul 2022 Jindong Gu, Hengshuang Zhao, Volker Tresp, Philip Torr

Since SegPGD can create more effective adversarial examples, the adversarial training with our SegPGD can boost the robustness of segmentation models.

Adversarial Attack Segmentation +1

Biologically Inspired Neural Path Finding

1 code implementation13 Jun 2022 Hang Li, Qadeer Khan, Volker Tresp, Daniel Cremers

The human brain can be considered to be a graphical structure comprising of tens of billions of biological neurons connected by synapses.

On Calibration of Graph Neural Networks for Node Classification

1 code implementation3 Jun 2022 Tong Liu, Yushan Liu, Marcel Hildebrandt, Mitchell Joblin, Hang Li, Volker Tresp

We investigate the calibration of graph neural networks for node classification, study the effect of existing post-processing calibration methods, and analyze the influence of model capacity, graph density, and a new loss function on calibration.

Classification Link Prediction +1

Continuous Temporal Graph Networks for Event-Based Graph Data

no code implementations NAACL (DLG4NLP) 2022 Jin Guo, Zhen Han, Zhou Su, Jiliang Li, Volker Tresp, Yuyi Wang

Hence, we propose Continuous Temporal Graph Networks (CTGNs) to capture the continuous dynamics of temporal graph data.

FRAug: Tackling Federated Learning with Non-IID Features via Representation Augmentation

no code implementations ICCV 2023 Haokun Chen, Ahmed Frikha, Denis Krompass, Jindong Gu, Volker Tresp

Real-world applications usually involve a distribution shift across the datasets of the different clients, which hurts the generalization ability of the clients to unseen samples from their respective data distributions.

Federated Learning

Learning Meta Representations of One-shot Relations for Temporal Knowledge Graph Link Prediction

no code implementations21 May 2022 Zifeng Ding, Bailan He, Yunpu Ma, Zhen Han, Volker Tresp

In this paper, we follow the previous work that focuses on few-shot relational learning on static KGs and extend two fundamental TKG reasoning tasks, i. e., interpolated and extrapolated link prediction, to the one-shot setting.

Few-Shot Learning Knowledge Graphs +2

Relationformer: A Unified Framework for Image-to-Graph Generation

1 code implementation19 Mar 2022 Suprosanna Shit, Rajat Koner, Bastian Wittmann, Johannes Paetzold, Ivan Ezhov, Hongwei Li, Jiazhen Pan, Sahand Sharifzadeh, Georgios Kaissis, Volker Tresp, Bjoern Menze

We leverage direct set-based object prediction and incorporate the interaction among the objects to learn an object-relation representation jointly.

Graph Generation Object +4

ECOLA: Enhanced Temporal Knowledge Embeddings with Contextualized Language Representations

no code implementations17 Mar 2022 Zhen Han, Ruotong Liao, Jindong Gu, Yao Zhang, Zifeng Ding, Yujia Gu, Heinz Köppl, Hinrich Schütze, Volker Tresp

Since conventional knowledge embedding models cannot take full advantage of the abundant textual information, there have been extensive research efforts in enhancing knowledge embedding using texts.

Knowledge Graph Embedding Link Prediction +1

A Unified Framework for Rank-based Evaluation Metrics for Link Prediction in Knowledge Graphs

2 code implementations14 Mar 2022 Charles Tapley Hoyt, Max Berrendorf, Mikhail Galkin, Volker Tresp, Benjamin M. Gyori

The link prediction task on knowledge graphs without explicit negative triples in the training data motivates the usage of rank-based metrics.

Benchmarking Knowledge Graph Embedding +2

TLogic: Temporal Logical Rules for Explainable Link Forecasting on Temporal Knowledge Graphs

1 code implementation15 Dec 2021 Yushan Liu, Yunpu Ma, Marcel Hildebrandt, Mitchell Joblin, Volker Tresp

Conventional static knowledge graphs model entities in relational data as nodes, connected by edges of specific relation types.

Knowledge Graphs Link Prediction

A Simple But Powerful Graph Encoder for Temporal Knowledge Graph Completion

no code implementations14 Dec 2021 Zifeng Ding, Yunpu Ma, Bailan He, Volker Tresp

Knowledge graphs contain rich knowledge about various entities and the relational information among them, while temporal knowledge graphs (TKGs) describe and model the interactions of the entities over time.

Temporal Knowledge Graph Completion

Adversarial Examples on Segmentation Models Can be Easy to Transfer

no code implementations22 Nov 2021 Jindong Gu, Hengshuang Zhao, Volker Tresp, Philip Torr

The high transferability achieved by our method shows that, in contrast to the observations in previous work, adversarial examples on a segmentation model can be easy to transfer to other segmentation models.

Adversarial Robustness Attribute +5

Are Vision Transformers Robust to Patch Perturbations?

no code implementations20 Nov 2021 Jindong Gu, Volker Tresp, Yao Qin

However, when ViTs are attacked by an adversary, the attention mechanism can be easily fooled to focus more on the adversarially perturbed patches and cause a mistake.

Image Classification

Generating Table Vector Representations

no code implementations28 Oct 2021 Aneta Koleva, Martin Ringsquandl, Mitchell Joblin, Volker Tresp

High-quality Web tables are rich sources of information that can be used to populate Knowledge Graphs (KG).

Knowledge Graphs Transfer Learning

Towards Data-Free Domain Generalization

1 code implementation9 Oct 2021 Ahmed Frikha, Haokun Chen, Denis Krompaß, Thomas Runkler, Volker Tresp

In particular, we address the question: How can knowledge contained in models trained on different source domains be merged into a single model that generalizes well to unseen target domains, in the absence of source and target domain data?

Data-free Knowledge Distillation Domain Generalization

Are Vision Transformers Robust to Patch-wise Perturbations?

no code implementations29 Sep 2021 Jindong Gu, Volker Tresp, Yao Qin

Based on extensive qualitative and quantitative experiments, we discover that ViT's stronger robustness to natural corrupted patches and higher vulnerability against adversarial patches are both caused by the attention mechanism.

Image Classification

The Tensor Brain: A Unified Theory of Perception, Memory and Semantic Decoding

1 code implementation27 Sep 2021 Volker Tresp, Sahand Sharifzadeh, Hang Li, Dario Konopatzki, Yunpu Ma

Although memory appears to be about the past, its main purpose is to support the agent in the present and the future.

Decision Making Self-Supervised Learning

Description-based Label Attention Classifier for Explainable ICD-9 Classification

no code implementations WNUT (ACL) 2021 Malte Feucht, Zhiliang Wu, Sophia Althammer, Volker Tresp

ICD-9 coding is a relevant clinical billing task, where unstructured texts with information about a patient's diagnosis and treatments are annotated with multiple ICD-9 codes.

Classification

Discovery of New Multi-Level Features for Domain Generalization via Knowledge Corruption

no code implementations9 Sep 2021 Ahmed Frikha, Denis Krompaß, Volker Tresp

Machine learning models that can generalize to unseen domains are essential when applied in real-world scenarios involving strong domain shifts.

Domain Generalization

Adaptive Multi-Resolution Attention with Linear Complexity

no code implementations10 Aug 2021 Yao Zhang, Yunpu Ma, Thomas Seidl, Volker Tresp

Transformers have improved the state-of-the-art across numerous tasks in sequence modeling.

Categorical EHR Imputation with Generative Adversarial Nets

no code implementations3 Aug 2021 Yinchong Yang, Zhiliang Wu, Volker Tresp, Peter A. Fasching

Recently, researchers have attempted to apply GANs to missing data generation and imputation for EHR data: a major challenge here is the categorical nature of the data.

Image Generation Imputation

Uncertainty-Aware Time-to-Event Prediction using Deep Kernel Accelerated Failure Time Models

1 code implementation26 Jul 2021 Zhiliang Wu, Yinchong Yang, Peter A. Fasching, Volker Tresp

Recurrent neural network based solutions are increasingly being used in the analysis of longitudinal Electronic Health Record data.

Metric Learning Time-to-Event Prediction

OODformer: Out-Of-Distribution Detection Transformer

1 code implementation19 Jul 2021 Rajat Koner, Poulami Sinhamahapatra, Karsten Roscher, Stephan Günnemann, Volker Tresp

A serious problem in image classification is that a trained model might perform well for input data that originates from the same distribution as the data available for model training, but performs much worse for out-of-distribution (OOD) samples.

Contrastive Learning Out-of-Distribution Detection +1

Graphhopper: Multi-Hop Scene Graph Reasoning for Visual Question Answering

1 code implementation13 Jul 2021 Rajat Koner, Hang Li, Marcel Hildebrandt, Deepan Das, Volker Tresp, Stephan Günnemann

We conduct an experimental study on the challenging dataset GQA, based on both manually curated and automatically generated scene graphs.

Navigate Question Answering +1

Scenes and Surroundings: Scene Graph Generation using Relation Transformer

1 code implementation12 Jul 2021 Rajat Koner, Poulami Sinhamahapatra, Volker Tresp

Identifying objects in an image and their mutual relationships as a scene graph leads to a deep understanding of image content.

Graph Generation Object +2

Improving Inductive Link Prediction Using Hyper-Relational Facts

2 code implementations10 Jul 2021 Mehdi Ali, Max Berrendorf, Mikhail Galkin, Veronika Thost, Tengfei Ma, Volker Tresp, Jens Lehmann

In this work, we classify different inductive settings and study the benefits of employing hyper-relational KGs on a wide range of semi- and fully inductive link prediction tasks powered by recent advancements in graph neural networks.

Inductive Link Prediction Knowledge Graphs

Quantifying Predictive Uncertainty in Medical Image Analysis with Deep Kernel Learning

1 code implementation1 Jun 2021 Zhiliang Wu, Yinchong Yang, Jindong Gu, Volker Tresp

We propose an uncertainty-aware deep kernel learning model which permits the estimation of the uncertainty in the prediction by a pipeline of a Convolutional Neural Network and a sparse Gaussian Process.

Capsule Network is Not More Robust than Convolutional Network

no code implementations CVPR 2021 Jindong Gu, Volker Tresp, Han Hu

The examination reveals five major new/different components in CapsNet: a transformation process, a dynamic routing layer, a squashing function, a marginal loss other than cross-entropy loss, and an additional class-conditional reconstruction loss for regularization.

Image Classification

Mutual Information State Intrinsic Control

2 code implementations ICLR 2021 Rui Zhao, Yang Gao, Pieter Abbeel, Volker Tresp, Wei Xu

Reinforcement learning has been shown to be highly successful at many challenging tasks.

NF-GNN: Network Flow Graph Neural Networks for Malware Detection and Classification

no code implementations5 Mar 2021 Julian Busch, Anton Kocheturov, Volker Tresp, Thomas Seidl

Malicious software (malware) poses an increasing threat to the security of communication systems as the number of interconnected mobile devices increases exponentially.

General Classification Malware Detection

Effective and Efficient Vote Attack on Capsule Networks

1 code implementation ICLR 2021 Jindong Gu, Baoyuan Wu, Volker Tresp

As alternatives to CNNs, the recently proposed Capsule Networks (CapsNets) are shown to be more robust to white-box attacks than CNNs under popular attack protocols.

Adversarial Robustness

Improving Scene Graph Classification by Exploiting Knowledge from Texts

no code implementations9 Feb 2021 Sahand Sharifzadeh, Sina Moayed Baharlou, Martin Schmitt, Hinrich Schütze, Volker Tresp

We show that by fine-tuning the classification pipeline with the extracted knowledge from texts, we can achieve ~8x more accurate results in scene graph classification, ~3x in object classification, and ~1. 5x in predicate classification, compared to the supervised baselines with only 1% of the annotated images.

General Classification Graph Classification +7

Temporal Knowledge Graph Forecasting with Neural ODE

1 code implementation13 Jan 2021 Zhen Han, Zifeng Ding, Yunpu Ma, Yujia Gu, Volker Tresp

In addition, a novel graph transition layer is applied to capture the transitions on the dynamic graph, i. e., edge formation and dissolution.

Future prediction Knowledge Graphs

Interpretable Graph Capsule Networks for Object Recognition

no code implementations3 Dec 2020 Jindong Gu, Volker Tresp

In the proposed model, individual classification explanations can be created effectively and efficiently.

Adversarial Robustness Object +1

Classification by Attention: Scene Graph Classification with Prior Knowledge

no code implementations19 Nov 2020 Sahand Sharifzadeh, Sina Moayed Baharlou, Volker Tresp

A major challenge in scene graph classification is that the appearance of objects and relations can be significantly different from one image to another.

General Classification Graph Classification +5

Controllable Multi-Character Psychology-Oriented Story Generation

1 code implementation11 Oct 2020 Feifei Xu, Xinpeng Wang, Yunpu Ma, Volker Tresp, Yuyi Wang, Shanlin Zhou, Haizhou Du

In our work, we aim to design an emotional line for each character that considers multiple emotions common in psychological theories, with the goal of generating stories with richer emotional changes in the characters.

Sentence Story Generation

Introspective Learning by Distilling Knowledge from Online Self-explanation

no code implementations19 Sep 2020 Jindong Gu, Zhiliang Wu, Volker Tresp

Motivated by the conclusion, we propose an implementation of introspective learning by distilling knowledge from online self-explanations.

Knowledge Distillation

ARCADe: A Rapid Continual Anomaly Detector

1 code implementation10 Aug 2020 Ahmed Frikha, Denis Krompaß, Volker Tresp

Although continual learning and anomaly detection have separately been well-studied in previous works, their intersection remains rather unexplored.

Anomaly Detection continual anomaly detection +3

PyKEEN 1.0: A Python Library for Training and Evaluating Knowledge Graph Embeddings

2 code implementations28 Jul 2020 Mehdi Ali, Max Berrendorf, Charles Tapley Hoyt, Laurent Vermue, Sahand Sharifzadeh, Volker Tresp, Jens Lehmann

Recently, knowledge graph embeddings (KGEs) received significant attention, and several software libraries have been developed for training and evaluating KGEs.

 Ranked #1 on Link Prediction on WN18 (training time (s) metric)

Knowledge Graph Embedding Knowledge Graph Embeddings +1

Few-Shot One-Class Classification via Meta-Learning

1 code implementation8 Jul 2020 Ahmed Frikha, Denis Krompaß, Hans-Georg Köpken, Volker Tresp

Our experiments on eight datasets from the image and time-series domains show that our method leads to better results than classical OCC and few-shot classification approaches, and demonstrate the ability to learn unseen tasks from only few normal class samples.

Classification Few-Shot Learning +4

Scene Graph Reasoning for Visual Question Answering

no code implementations2 Jul 2020 Marcel Hildebrandt, Hang Li, Rajat Koner, Volker Tresp, Stephan Günnemann

We propose a novel method that approaches the task by performing context-driven, sequential reasoning based on the objects and their semantic and spatial relationships present in the scene.

Navigate Question Answering +1

Learning Individualized Treatment Rules with Estimated Translated Inverse Propensity Score

1 code implementation2 Jul 2020 Zhiliang Wu, Yinchong Yang, Yunpu Ma, Yushan Liu, Rui Zhao, Michael Moor, Volker Tresp

Randomized controlled trials typically analyze the effectiveness of treatments with the goal of making treatment recommendations for patient subgroups.

Relation Transformer Network

2 code implementations13 Apr 2020 Rajat Koner, Suprosanna Shit, Volker Tresp

In this work, we propose a novel transformer formulation for scene graph generation and relation prediction.

Graph Generation Relation +2

Graph Hawkes Neural Network for Forecasting on Temporal Knowledge Graphs

1 code implementation AKBC 2020 Zhen Han, Yunpu Ma, Yuyi Wang, Stephan Günnemann, Volker Tresp

The Hawkes process has become a standard method for modeling self-exciting event sequences with different event types.

Knowledge Graphs

Causal Inference under Networked Interference and Intervention Policy Enhancement

no code implementations20 Feb 2020 Yunpu Ma, Volker Tresp

After deriving causal effect estimators, we further study intervention policy improvement on the graph under capacity constraint.

Causal Inference

On the Ambiguity of Rank-Based Evaluation of Entity Alignment or Link Prediction Methods

1 code implementation17 Feb 2020 Max Berrendorf, Evgeniy Faerman, Laurent Vermue, Volker Tresp

In this work, we take a closer look at the evaluation of two families of methods for enriching information from knowledge graphs: Link Prediction and Entity Alignment.

Entity Alignment Informativeness +2

Search for Better Students to Learn Distilled Knowledge

no code implementations30 Jan 2020 Jindong Gu, Volker Tresp

The knowledge of a well-performed teacher is distilled to a student with a small architecture.

Knowledge Distillation Model Compression

The Tensor Brain: Semantic Decoding for Perception and Memory

no code implementations29 Jan 2020 Volker Tresp, Sahand Sharifzadeh, Dario Konopatzki, Yunpu Ma

In particular, we propose that explicit perception and declarative memories require a semantic decoder, which, in a simple realization, is based on four layers: First, a sensory memory layer, as a buffer for sensory input, second, an index layer representing concepts, third, a memoryless representation layer for the broadcasting of information ---the "blackboard", or the "canvas" of the brain--- and fourth, a working memory layer as a processing center and data buffer.

Knowledge Graphs

Active Learning for Entity Alignment

1 code implementation24 Jan 2020 Max Berrendorf, Evgeniy Faerman, Volker Tresp

In this work, we propose a novel framework for the labeling of entity alignments in knowledge graph datasets.

Active Learning Entity Alignment

Debate Dynamics for Human-comprehensible Fact-checking on Knowledge Graphs

no code implementations9 Jan 2020 Marcel Hildebrandt, Jorge Andres Quintero Serna, Yunpu Ma, Martin Ringsquandl, Mitchell Joblin, Volker Tresp

The underlying idea is to frame the task of triple classification as a debate game between two reinforcement learning agents which extract arguments -- paths in the knowledge graph -- with the goal to justify the fact being true (thesis) or the fact being false (antithesis), respectively.

Common Sense Reasoning Fact Checking +3

Quantum Machine Learning Algorithm for Knowledge Graphs

no code implementations4 Jan 2020 Yunpu Ma, Volker Tresp

We simplify the problem by making a plausible assumption that the tensor representation of a knowledge graph can be approximated by its low-rank tensor singular value decomposition, which is verified by our experiments.

BIG-bench Machine Learning Knowledge Graphs +1

Reasoning on Knowledge Graphs with Debate Dynamics

2 code implementations2 Jan 2020 Marcel Hildebrandt, Jorge Andres Quintero Serna, Yunpu Ma, Martin Ringsquandl, Mitchell Joblin, Volker Tresp

The main idea is to frame the task of triple classification as a debate game between two reinforcement learning agents which extract arguments -- paths in the knowledge graph -- with the goal to promote the fact being true (thesis) or the fact being false (antithesis), respectively.

General Classification Knowledge Graphs +2

Neural Network Memorization Dissection

no code implementations21 Nov 2019 Jindong Gu, Volker Tresp

What is the difference between DNNs trained with random labels and the ones trained with true labels?

Memorization

Knowledge Graph Entity Alignment with Graph Convolutional Networks: Lessons Learned

1 code implementation19 Nov 2019 Max Berrendorf, Evgeniy Faerman, Valentyn Melnychuk, Volker Tresp, Thomas Seidl

In this work, we focus on the problem of entity alignment in Knowledge Graphs (KG) and we report on our experiences when applying a Graph Convolutional Network (GCN) based model for this task.

Entity Alignment Knowledge Graphs

Improving the Robustness of Capsule Networks to Image Affine Transformations

no code implementations CVPR 2020 Jindong Gu, Volker Tresp

Our investigation reveals that the routing procedure contributes neither to the generalization ability nor to the affine robustness of the CapsNets.

Walking the Tightrope: An Investigation of the Convolutional Autoencoder Bottleneck

1 code implementation18 Nov 2019 Ilja Manakov, Markus Rohm, Volker Tresp

We believe that the findings in this paper are directly applicable and will lead to improvements in models that rely on CAEs.

Outlier Detection Representation Learning +1

Contextual Prediction Difference Analysis for Explaining Individual Image Classifications

no code implementations21 Oct 2019 Jindong Gu, Volker Tresp

In this work, we first show that PDA can suffer from saturated classifiers.

Semantics for Global and Local Interpretation of Deep Neural Networks

no code implementations21 Oct 2019 Jindong Gu, Volker Tresp

Deep neural networks (DNNs) with high expressiveness have achieved state-of-the-art performance in many tasks.

Push it to the Limit: Discover Edge-Cases in Image Data with Autoencoders

1 code implementation7 Oct 2019 Ilja Manakov, Volker Tresp

In this paper, we focus on the problem of identifying semantic factors of variation in large image datasets.

Self-Supervised State-Control through Intrinsic Mutual Information Rewards

1 code implementation25 Sep 2019 Rui Zhao, Volker Tresp, Wei Xu

Our results show that the mutual information between the context states and the states of interest can be an effective ingredient for overcoming challenges in robotic manipulation tasks with sparse rewards.

OpenAI Gym reinforcement-learning +1

Saliency Methods for Explaining Adversarial Attacks

no code implementations22 Aug 2019 Jindong Gu, Volker Tresp

The idea behind saliency methods is to explain the classification decisions of neural networks by creating so-called saliency maps.

General Classification

Maximum Entropy-Regularized Multi-Goal Reinforcement Learning

3 code implementations21 May 2019 Rui Zhao, Xudong Sun, Volker Tresp

This objective encourages the agent to maximize the expected return, as well as to achieve more diverse goals.

Multi-Goal Reinforcement Learning OpenAI Gym +2

Improving Visual Relation Detection using Depth Maps

1 code implementation2 May 2019 Sahand Sharifzadeh, Sina Moayed Baharlou, Max Berrendorf, Rajat Koner, Volker Tresp

We argue that depth maps can additionally provide valuable information on object relations, e. g. helping to detect not only spatial relations, such as standing behind, but also non-spatial relations, such as holding.

Object Relation +2

Curiosity-Driven Experience Prioritization via Density Estimation

no code implementations20 Feb 2019 Rui Zhao, Volker Tresp

In Reinforcement Learning (RL), an agent explores the environment and collects trajectories into the memory buffer for later learning.

Density Estimation OpenAI Gym +3

Variational Quantum Circuit Model for Knowledge Graphs Embedding

no code implementations19 Feb 2019 Yunpu Ma, Volker Tresp, Liming Zhao, Yuyi Wang

In this work, we propose the first quantum Ans\"atze for the statistical relational learning on knowledge graphs using parametric quantum circuits.

Knowledge Graph Embedding Knowledge Graphs +2

Understanding Individual Decisions of CNNs via Contrastive Backpropagation

2 code implementations5 Dec 2018 Jindong Gu, Yinchong Yang, Volker Tresp

The experiments and analysis conclude that the explanations generated by LRP are not class-discriminative.

General Classification

Efficient Dialog Policy Learning via Positive Memory Retention

2 code implementations2 Oct 2018 Rui Zhao, Volker Tresp

This paper is concerned with the training of recurrent neural networks as goal-oriented dialog agents using reinforcement learning.

Goal-Oriented Dialog Object Discovery +1

Energy-Based Hindsight Experience Prioritization

2 code implementations2 Oct 2018 Rui Zhao, Volker Tresp

We evaluate our Energy-Based Prioritization (EBP) approach on four challenging robotic manipulation tasks in simulation.

reinforcement-learning Reinforcement Learning (RL)

Improving Visual Relationship Detection using Semantic Modeling of Scene Descriptions

no code implementations1 Sep 2018 Stephan Baier, Yunpu Ma, Volker Tresp

In this paper we consider scene descriptions which are represented as a set of triples (subject, predicate, object), where each triple consists of a pair of visual objects, which appear in the image, and the relationship between them (e. g. man-riding-elephant, man-wearing-hat).

Link Prediction object-detection +3

Improving Information Extraction from Images with Learned Semantic Models

no code implementations27 Aug 2018 Stephan Baier, Yunpu Ma, Volker Tresp

Many applications require an understanding of an image that goes beyond the simple detection and classification of its objects.

General Classification Relationship Detection +1

Learning Goal-Oriented Visual Dialog via Tempered Policy Gradient

1 code implementation2 Jul 2018 Rui Zhao, Volker Tresp

Learning goal-oriented dialogues by means of deep reinforcement learning has recently become a popular research topic.

Policy Gradient Methods Reinforcement Learning (RL) +1

Embedding Models for Episodic Knowledge Graphs

no code implementations30 Jun 2018 Yunpu Ma, Volker Tresp, Erik Daxberger

In this paper, we extend models for static knowledge graphs to temporal knowledge graphs.

Knowledge Graph Embeddings Knowledge Graphs

Semi-supervised Outlier Detection using Generative And Adversary Framework

no code implementations ICLR 2018 Jindong Gu, Matthias Schubert, Volker Tresp

In the adversarial process of training CorGAN, the Generator is supposed to generate outlier samples for negative class, and the Discriminator as an one-class classifier is trained to distinguish data from training datasets (i. e. positive class) and generated data from the Generator (i. e. negative class).

General Classification Multi-class Classification +2

Tensor Decompositions for Modeling Inverse Dynamics

no code implementations13 Nov 2017 Stephan Baier, Volker Tresp

The decomposition of sparse tensors has successfully been used in relational learning, e. g., the modeling of large knowledge graphs.

Knowledge Graphs Multi-class Classification +3

Attention-based Information Fusion using Multi-Encoder-Decoder Recurrent Neural Networks

no code implementations13 Nov 2017 Stephan Baier, Sigurd Spieckermann, Volker Tresp

With the rising number of interconnected devices and sensors, modeling distributed sensor networks is of increasing interest.

The Tensor Memory Hypothesis

no code implementations9 Aug 2017 Volker Tresp, Yunpu Ma

We show how episodic memory and semantic memory can be realized and discuss how new memory traces can be generated from sensory input: Existing memories are the basis for perception and new memories are generated via perception.

Tensor-Train Recurrent Neural Networks for Video Classification

1 code implementation ICML 2017 Yinchong Yang, Denis Krompass, Volker Tresp

The Recurrent Neural Networks and their variants have shown promising performances in sequence modeling tasks such as Natural Language Processing.

Classification General Classification +1

Predictive Clinical Decision Support System with RNN Encoding and Tensor Decoding

no code implementations2 Dec 2016 Yinchong Yang, Peter A. Fasching, Markus Wallwiener, Tanja N. Fehm, Sara Y. Brucker, Volker Tresp

We also address the problem of correlation in target features: Often a physician is required to make multiple (sub-)decisions in a block, and that these decisions are mutually dependent.

BIG-bench Machine Learning

Predicting Clinical Events by Combining Static and Dynamic Information Using Recurrent Neural Networks

no code implementations8 Feb 2016 Cristóbal Esteban, Oliver Staeck, Yinchong Yang, Volker Tresp

In this work we present an approach based on RNNs, specifically designed for the clinical domain, that combines static and dynamic information in order to predict future events.

Predicting the Co-Evolution of Event and Knowledge Graphs

no code implementations21 Dec 2015 Cristóbal Esteban, Volker Tresp, Yinchong Yang, Stephan Baier, Denis Krompaß

By predicting future events, we also predict likely changes in the knowledge graph and thus obtain a model for the evolution of the knowledge graph as well.

Knowledge Graphs Representation Learning

Learning with Memory Embeddings

no code implementations25 Nov 2015 Volker Tresp, Cristóbal Esteban, Yinchong Yang, Stephan Baier, Denis Krompaß

We introduce a number of hypotheses on human memory that can be derived from the developed mathematical models.

Knowledge Graphs Representation Learning

Type-Constrained Representation Learning in Knowledge Graphs

no code implementations11 Aug 2015 Denis Krompaß, Stephan Baier, Volker Tresp

Latent variable models have increasingly gained attention for the statistical modeling of knowledge graphs, showing promising results in tasks related to knowledge graph completion and cleaning.

Link Prediction Question Answering +3

A Review of Relational Machine Learning for Knowledge Graphs

2 code implementations2 Mar 2015 Maximilian Nickel, Kevin Murphy, Volker Tresp, Evgeniy Gabrilovich

In this paper, we provide a review of how such statistical models can be "trained" on large knowledge graphs, and then used to predict new facts about the world (which is equivalent to predicting new edges in the graph).

BIG-bench Machine Learning Knowledge Graphs

Towards a New Science of a Clinical Data Intelligence

no code implementations17 Nov 2013 Volker Tresp, Sonja Zillner, Maria J. Costa, Yi Huang, Alexander Cavallaro, Peter A. Fasching, Andre Reis, Martin Sedlmayr, Thomas Ganslandt, Klemens Budde, Carl Hinrichs, Danilo Schmidt, Philipp Daumke, Daniel Sonntag, Thomas Wittenberg, Patricia G. Oppelt, Denis Krompass

We argue that a science of a Clinical Data Intelligence is sensible in the context of a Big Data analysis, i. e., with data from many patients and with complete patient information.

Logistic Tensor Factorization for Multi-Relational Data

no code implementations10 Jun 2013 Maximilian Nickel, Volker Tresp

Tensor factorizations have become increasingly popular approaches for various learning tasks on structured data.

Relational Reasoning

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