-
Ready, Bid, Go! On-Demand Delivery Using Fleets of Drones with Unknown, Heterogeneous Energy Storage Constraints
Authors:
Mohamed S. Talamali,
Genki Miyauchi,
Thomas Watteyne,
Micael S. Couceiro,
Roderich Gross
Abstract:
Unmanned Aerial Vehicles (UAVs) are expected to transform logistics, reducing delivery time, costs, and emissions. This study addresses an on-demand delivery , in which fleets of UAVs are deployed to fulfil orders that arrive stochastically. Unlike previous work, it considers UAVs with heterogeneous, unknown energy storage capacities and assumes no knowledge of the energy consumption models. We pr…
▽ More
Unmanned Aerial Vehicles (UAVs) are expected to transform logistics, reducing delivery time, costs, and emissions. This study addresses an on-demand delivery , in which fleets of UAVs are deployed to fulfil orders that arrive stochastically. Unlike previous work, it considers UAVs with heterogeneous, unknown energy storage capacities and assumes no knowledge of the energy consumption models. We propose a decentralised deployment strategy that combines auction-based task allocation with online learning. Each UAV independently decides whether to bid for orders based on its energy storage charge level, the parcel mass, and delivery distance. Over time, it refines its policy to bid only for orders within its capability. Simulations using realistic UAV energy models reveal that, counter-intuitively, assigning orders to the least confident bidders reduces delivery times and increases the number of successfully fulfilled orders. This strategy is shown to outperform threshold-based methods which require UAVs to exceed specific charge levels at deployment. We propose a variant of the strategy which uses learned policies for forecasting. This enables UAVs with insufficient charge levels to commit to fulfilling orders at specific future times, helping to prioritise early orders. Our work provides new insights into long-term deployment of UAV swarms, highlighting the advantages of decentralised energy-aware decision-making coupled with online learning in real-world dynamic environments.
△ Less
Submitted 11 April, 2025;
originally announced April 2025.
-
Comparing representations of long clinical texts for the task of patient note-identification
Authors:
Safa Alsaidi,
Marc Vincent,
Olivia Boyer,
Nicolas Garcelon,
Miguel Couceiro,
Adrien Coulet
Abstract:
In this paper, we address the challenge of patient-note identification, which involves accurately matching an anonymized clinical note to its corresponding patient, represented by a set of related notes. This task has broad applications, including duplicate records detection and patient similarity analysis, which require robust patient-level representations. We explore various embedding methods, i…
▽ More
In this paper, we address the challenge of patient-note identification, which involves accurately matching an anonymized clinical note to its corresponding patient, represented by a set of related notes. This task has broad applications, including duplicate records detection and patient similarity analysis, which require robust patient-level representations. We explore various embedding methods, including Hierarchical Attention Networks (HAN), three-level Hierarchical Transformer Networks (HTN), LongFormer, and advanced BERT-based models, focusing on their ability to process mediumto-long clinical texts effectively. Additionally, we evaluate different pooling strategies (mean, max, and mean_max) for aggregating wordlevel embeddings into patient-level representations and we examine the impact of sliding windows on model performance. Our results indicate that BERT-based embeddings outperform traditional and hierarchical models, particularly in processing lengthy clinical notes and capturing nuanced patient representations. Among the pooling strategies, mean_max pooling consistently yields the best results, highlighting its ability to capture critical features from clinical notes. Furthermore, the reproduction of our results on both MIMIC dataset and Necker hospital data warehouse illustrates the generalizability of these approaches to real-world applications, emphasizing the importance of both embedding methods and aggregation strategies in optimizing patient-note identification and enhancing patient-level modeling.
△ Less
Submitted 31 March, 2025;
originally announced March 2025.
-
Unveiling Biases while Embracing Sustainability: Assessing the Dual Challenges of Automatic Speech Recognition Systems
Authors:
Ajinkya Kulkarni,
Atharva Kulkarni,
Miguel Couceiro,
Isabel Trancoso
Abstract:
In this paper, we present a bias and sustainability focused investigation of Automatic Speech Recognition (ASR) systems, namely Whisper and Massively Multilingual Speech (MMS), which have achieved state-of-the-art (SOTA) performances. Despite their improved performance in controlled settings, there remains a critical gap in understanding their efficacy and equity in real-world scenarios. We analyz…
▽ More
In this paper, we present a bias and sustainability focused investigation of Automatic Speech Recognition (ASR) systems, namely Whisper and Massively Multilingual Speech (MMS), which have achieved state-of-the-art (SOTA) performances. Despite their improved performance in controlled settings, there remains a critical gap in understanding their efficacy and equity in real-world scenarios. We analyze ASR biases w.r.t. gender, accent, and age group, as well as their effect on downstream tasks. In addition, we examine the environmental impact of ASR systems, scrutinizing the use of large acoustic models on carbon emission and energy consumption. We also provide insights into our empirical analyses, offering a valuable contribution to the claims surrounding bias and sustainability in ASR systems.
△ Less
Submitted 2 March, 2025;
originally announced March 2025.
-
Exploring ReAct Prompting for Task-Oriented Dialogue: Insights and Shortcomings
Authors:
Michelle Elizabeth,
Morgan Veyret,
Miguel Couceiro,
Ondrej Dusek,
Lina M. Rojas-Barahona
Abstract:
Large language models (LLMs) gained immense popularity due to their impressive capabilities in unstructured conversations. Empowering LLMs with advanced prompting strategies such as reasoning and acting (ReAct) (Yao et al., 2022) has shown promise in solving complex tasks traditionally requiring reinforcement learning. In this work, we apply the ReAct strategy to guide LLMs performing task-oriente…
▽ More
Large language models (LLMs) gained immense popularity due to their impressive capabilities in unstructured conversations. Empowering LLMs with advanced prompting strategies such as reasoning and acting (ReAct) (Yao et al., 2022) has shown promise in solving complex tasks traditionally requiring reinforcement learning. In this work, we apply the ReAct strategy to guide LLMs performing task-oriented dialogue (TOD). We evaluate ReAct-based LLMs (ReAct-LLMs) both in simulation and with real users. While ReAct-LLMs severely underperform state-of-the-art approaches on success rate in simulation, this difference becomes less pronounced in human evaluation. Moreover, compared to the baseline, humans report higher subjective satisfaction with ReAct-LLM despite its lower success rate, most likely thanks to its natural and confidently phrased responses.
△ Less
Submitted 17 March, 2025; v1 submitted 2 December, 2024;
originally announced December 2024.
-
KGPrune: a Web Application to Extract Subgraphs of Interest from Wikidata with Analogical Pruning
Authors:
Pierre Monnin,
Cherif-Hassan Nousradine,
Lucas Jarnac,
Laurel Zuckerman,
Miguel Couceiro
Abstract:
Knowledge graphs (KGs) have become ubiquitous publicly available knowledge sources, and are nowadays covering an ever increasing array of domains. However, not all knowledge represented is useful or pertaining when considering a new application or specific task. Also, due to their increasing size, handling large KGs in their entirety entails scalability issues. These two aspects asks for efficient…
▽ More
Knowledge graphs (KGs) have become ubiquitous publicly available knowledge sources, and are nowadays covering an ever increasing array of domains. However, not all knowledge represented is useful or pertaining when considering a new application or specific task. Also, due to their increasing size, handling large KGs in their entirety entails scalability issues. These two aspects asks for efficient methods to extract subgraphs of interest from existing KGs. To this aim, we introduce KGPrune, a Web Application that, given seed entities of interest and properties to traverse, extracts their neighboring subgraphs from Wikidata. To avoid topical drift, KGPrune relies on a frugal pruning algorithm based on analogical reasoning to only keep relevant neighbors while pruning irrelevant ones. The interest of KGPrune is illustrated by two concrete applications, namely, bootstrapping an enterprise KG and extracting knowledge related to looted artworks.
△ Less
Submitted 26 August, 2024;
originally announced August 2024.
-
REFINE-LM: Mitigating Language Model Stereotypes via Reinforcement Learning
Authors:
Rameez Qureshi,
Naïm Es-Sebbani,
Luis Galárraga,
Yvette Graham,
Miguel Couceiro,
Zied Bouraoui
Abstract:
With the introduction of (large) language models, there has been significant concern about the unintended bias such models may inherit from their training data. A number of studies have shown that such models propagate gender stereotypes, as well as geographical and racial bias, among other biases. While existing works tackle this issue by preprocessing data and debiasing embeddings, the proposed…
▽ More
With the introduction of (large) language models, there has been significant concern about the unintended bias such models may inherit from their training data. A number of studies have shown that such models propagate gender stereotypes, as well as geographical and racial bias, among other biases. While existing works tackle this issue by preprocessing data and debiasing embeddings, the proposed methods require a lot of computational resources and annotation effort while being limited to certain types of biases. To address these issues, we introduce REFINE-LM, a debiasing method that uses reinforcement learning to handle different types of biases without any fine-tuning. By training a simple model on top of the word probability distribution of a LM, our bias agnostic reinforcement learning method enables model debiasing without human annotations or significant computational resources. Experiments conducted on a wide range of models, including several LMs, show that our method (i) significantly reduces stereotypical biases while preserving LMs performance; (ii) is applicable to different types of biases, generalizing across contexts such as gender, ethnicity, religion, and nationality-based biases; and (iii) it is not expensive to train.
△ Less
Submitted 18 August, 2024;
originally announced August 2024.
-
Any four real numbers are on all fours with analogy
Authors:
Yves Lepage,
Miguel Couceiro
Abstract:
This work presents a formalization of analogy on numbers that relies on generalized means. It is motivated by recent advances in artificial intelligence and applications of machine learning, where the notion of analogy is used to infer results, create data and even as an assessment tool of object representations, or embeddings, that are basically collections of numbers (vectors, matrices, tensors)…
▽ More
This work presents a formalization of analogy on numbers that relies on generalized means. It is motivated by recent advances in artificial intelligence and applications of machine learning, where the notion of analogy is used to infer results, create data and even as an assessment tool of object representations, or embeddings, that are basically collections of numbers (vectors, matrices, tensors). This extended analogy use asks for mathematical foundations and clear understanding of the notion of analogy between numbers. We propose a unifying view of analogies that relies on generalized means defined in terms of a power parameter. In particular, we show that any four increasing positive real numbers is an analogy in a unique suitable power. In addition, we show that any such analogy can be reduced to an equivalent arithmetic analogy and that any analogical equation has a solution for increasing numbers, which generalizes without restriction to complex numbers. These foundational results provide a better understanding of analogies in areas where representations are numerical.
△ Less
Submitted 26 July, 2024;
originally announced July 2024.
-
On the Calibration of Epistemic Uncertainty: Principles, Paradoxes and Conflictual Loss
Authors:
Mohammed Fellaji,
Frédéric Pennerath,
Brieuc Conan-Guez,
Miguel Couceiro
Abstract:
The calibration of predictive distributions has been widely studied in deep learning, but the same cannot be said about the more specific epistemic uncertainty as produced by Deep Ensembles, Bayesian Deep Networks, or Evidential Deep Networks. Although measurable, this form of uncertainty is difficult to calibrate on an objective basis as it depends on the prior for which a variety of choices exis…
▽ More
The calibration of predictive distributions has been widely studied in deep learning, but the same cannot be said about the more specific epistemic uncertainty as produced by Deep Ensembles, Bayesian Deep Networks, or Evidential Deep Networks. Although measurable, this form of uncertainty is difficult to calibrate on an objective basis as it depends on the prior for which a variety of choices exist. Nevertheless, epistemic uncertainty must in all cases satisfy two formal requirements: first, it must decrease when the training dataset gets larger and, second, it must increase when the model expressiveness grows. Despite these expectations, our experimental study shows that on several reference datasets and models, measures of epistemic uncertainty violate these requirements, sometimes presenting trends completely opposite to those expected. These paradoxes between expectation and reality raise the question of the true utility of epistemic uncertainty as estimated by these models. A formal argument suggests that this disagreement is due to a poor approximation of the posterior distribution rather than to a flaw in the measure itself. Based on this observation, we propose a regularization function for deep ensembles, called conflictual loss in line with the above requirements. We emphasize its strengths by showing experimentally that it restores both requirements of epistemic uncertainty, without sacrificing either the performance or the calibration of the deep ensembles.
△ Less
Submitted 16 July, 2024;
originally announced July 2024.
-
Uncertainty Management in the Construction of Knowledge Graphs: a Survey
Authors:
Lucas Jarnac,
Yoan Chabot,
Miguel Couceiro
Abstract:
Knowledge Graphs (KGs) are a major asset for companies thanks to their great flexibility in data representation and their numerous applications, e.g., vocabulary sharing, Q/A or recommendation systems. To build a KG it is a common practice to rely on automatic methods for extracting knowledge from various heterogeneous sources. But in a noisy and uncertain world, knowledge may not be reliable and…
▽ More
Knowledge Graphs (KGs) are a major asset for companies thanks to their great flexibility in data representation and their numerous applications, e.g., vocabulary sharing, Q/A or recommendation systems. To build a KG it is a common practice to rely on automatic methods for extracting knowledge from various heterogeneous sources. But in a noisy and uncertain world, knowledge may not be reliable and conflicts between data sources may occur. Integrating unreliable data would directly impact the use of the KG, therefore such conflicts must be resolved. This could be done manually by selecting the best data to integrate. This first approach is highly accurate, but costly and time-consuming. That is why recent efforts focus on automatic approaches, which represents a challenging task since it requires handling the uncertainty of extracted knowledge throughout its integration into the KG. We survey state-of-the-art approaches in this direction and present constructions of both open and enterprise KGs and how their quality is maintained. We then describe different knowledge extraction methods, introducing additional uncertainty. We also discuss downstream tasks after knowledge acquisition, including KG completion using embedding models, knowledge alignment, and knowledge fusion in order to address the problem of knowledge uncertainty in KG construction. We conclude with a discussion on the remaining challenges and perspectives when constructing a KG taking into account uncertainty.
△ Less
Submitted 19 July, 2024; v1 submitted 27 May, 2024;
originally announced May 2024.
-
Wild Berry image dataset collected in Finnish forests and peatlands using drones
Authors:
Luigi Riz,
Sergio Povoli,
Andrea Caraffa,
Davide Boscaini,
Mohamed Lamine Mekhalfi,
Paul Chippendale,
Marjut Turtiainen,
Birgitta Partanen,
Laura Smith Ballester,
Francisco Blanes Noguera,
Alessio Franchi,
Elisa Castelli,
Giacomo Piccinini,
Luca Marchesotti,
Micael Santos Couceiro,
Fabio Poiesi
Abstract:
Berry picking has long-standing traditions in Finland, yet it is challenging and can potentially be dangerous. The integration of drones equipped with advanced imaging techniques represents a transformative leap forward, optimising harvests and promising sustainable practices. We propose WildBe, the first image dataset of wild berries captured in peatlands and under the canopy of Finnish forests u…
▽ More
Berry picking has long-standing traditions in Finland, yet it is challenging and can potentially be dangerous. The integration of drones equipped with advanced imaging techniques represents a transformative leap forward, optimising harvests and promising sustainable practices. We propose WildBe, the first image dataset of wild berries captured in peatlands and under the canopy of Finnish forests using drones. Unlike previous and related datasets, WildBe includes new varieties of berries, such as bilberries, cloudberries, lingonberries, and crowberries, captured under severe light variations and in cluttered environments. WildBe features 3,516 images, including a total of 18,468 annotated bounding boxes. We carry out a comprehensive analysis of WildBe using six popular object detectors, assessing their effectiveness in berry detection across different forest regions and camera types. WildBe is publicly available on HuggingFace at https://huggingface.co/datasets/FBK-TeV/WildBe.
△ Less
Submitted 24 February, 2025; v1 submitted 13 May, 2024;
originally announced May 2024.
-
The Fine-Grained Complexity of Graph Homomorphism Problems: Towards the Okrasa and Rzążewski Conjecture
Authors:
Ambroise Baril,
Miguel Couceiro,
Victor Lagerkvist
Abstract:
In this paper we are interested in the fine-grained complexity of deciding whether there is a homomorphism from an input graph $G$ to a fixed graph $H$ (the $H$-Coloring problem). The starting point is that these problems can be viewed as constraint satisfaction problems (CSPs), and that (partial) polymorphisms of binary relations are of paramount importance in the study of complexity classes of s…
▽ More
In this paper we are interested in the fine-grained complexity of deciding whether there is a homomorphism from an input graph $G$ to a fixed graph $H$ (the $H$-Coloring problem). The starting point is that these problems can be viewed as constraint satisfaction problems (CSPs), and that (partial) polymorphisms of binary relations are of paramount importance in the study of complexity classes of such CSPs.
Thus, we first investigate the expressivity of binary symmetric relations $E_H$ and their corresponding (partial) polymorphisms pPol($E_H$). For irreflexive graphs we observe that there is no pair of graphs $H$ and $H'$ such that pPol($E_H$) $\subseteq$ pPol($E_{H'}$), unless $E_{H'}= \emptyset$ or $H =H'$. More generally we show the existence of an $n$-ary relation $R$ whose partial polymorphisms strictly subsume those of $H$ and such that CSP($R$) is NP-complete if and only if $H$ contains an odd cycle of length at most $n$. Motivated by this we also describe the sets of total polymorphisms of nontrivial cliques, odd cycles, as well as certain cores, and we give an algebraic characterization of projective cores. As a by-product, we settle the Okrasa and Rzążewski conjecture for all graphs of at most 7 vertices.
△ Less
Submitted 15 April, 2024;
originally announced April 2024.
-
The Balancing Act: Unmasking and Alleviating ASR Biases in Portuguese
Authors:
Ajinkya Kulkarni,
Anna Tokareva,
Rameez Qureshi,
Miguel Couceiro
Abstract:
In the field of spoken language understanding, systems like Whisper and Multilingual Massive Speech (MMS) have shown state-of-the-art performances. This study is dedicated to a comprehensive exploration of the Whisper and MMS systems, with a focus on assessing biases in automatic speech recognition (ASR) inherent to casual conversation speech specific to the Portuguese language. Our investigation…
▽ More
In the field of spoken language understanding, systems like Whisper and Multilingual Massive Speech (MMS) have shown state-of-the-art performances. This study is dedicated to a comprehensive exploration of the Whisper and MMS systems, with a focus on assessing biases in automatic speech recognition (ASR) inherent to casual conversation speech specific to the Portuguese language. Our investigation encompasses various categories, including gender, age, skin tone color, and geo-location. Alongside traditional ASR evaluation metrics such as Word Error Rate (WER), we have incorporated p-value statistical significance for gender bias analysis. Furthermore, we extensively examine the impact of data distribution and empirically show that oversampling techniques alleviate such stereotypical biases. This research represents a pioneering effort in quantifying biases in the Portuguese language context through the application of MMS and Whisper, contributing to a better understanding of ASR systems' performance in multilingual settings.
△ Less
Submitted 12 February, 2024;
originally announced February 2024.
-
Adapting the adapters for code-switching in multilingual ASR
Authors:
Atharva Kulkarni,
Ajinkya Kulkarni,
Miguel Couceiro,
Hanan Aldarmaki
Abstract:
Recently, large pre-trained multilingual speech models have shown potential in scaling Automatic Speech Recognition (ASR) to many low-resource languages. Some of these models employ language adapters in their formulation, which helps to improve monolingual performance and avoids some of the drawbacks of multi-lingual modeling on resource-rich languages. However, this formulation restricts the usab…
▽ More
Recently, large pre-trained multilingual speech models have shown potential in scaling Automatic Speech Recognition (ASR) to many low-resource languages. Some of these models employ language adapters in their formulation, which helps to improve monolingual performance and avoids some of the drawbacks of multi-lingual modeling on resource-rich languages. However, this formulation restricts the usability of these models on code-switched speech, where two languages are mixed together in the same utterance. In this work, we propose ways to effectively fine-tune such models on code-switched speech, by assimilating information from both language adapters at each language adaptation point in the network. We also model code-switching as a sequence of latent binary sequences that can be used to guide the flow of information from each language adapter at the frame level. The proposed approaches are evaluated on three code-switched datasets encompassing Arabic, Mandarin, and Hindi languages paired with English, showing consistent improvements in code-switching performance with at least 10\% absolute reduction in CER across all test sets.
△ Less
Submitted 11 October, 2023;
originally announced October 2023.
-
Relevant Entity Selection: Knowledge Graph Bootstrapping via Zero-Shot Analogical Pruning
Authors:
Lucas Jarnac,
Miguel Couceiro,
Pierre Monnin
Abstract:
Knowledge Graph Construction (KGC) can be seen as an iterative process starting from a high quality nucleus that is refined by knowledge extraction approaches in a virtuous loop. Such a nucleus can be obtained from knowledge existing in an open KG like Wikidata. However, due to the size of such generic KGs, integrating them as a whole may entail irrelevant content and scalability issues. We propos…
▽ More
Knowledge Graph Construction (KGC) can be seen as an iterative process starting from a high quality nucleus that is refined by knowledge extraction approaches in a virtuous loop. Such a nucleus can be obtained from knowledge existing in an open KG like Wikidata. However, due to the size of such generic KGs, integrating them as a whole may entail irrelevant content and scalability issues. We propose an analogy-based approach that starts from seed entities of interest in a generic KG, and keeps or prunes their neighboring entities. We evaluate our approach on Wikidata through two manually labeled datasets that contain either domain-homogeneous or -heterogeneous seed entities. We empirically show that our analogy-based approach outperforms LSTM, Random Forest, SVM, and MLP, with a drastically lower number of parameters. We also evaluate its generalization potential in a transfer learning setting. These results advocate for the further integration of analogy-based inference in tasks related to the KG lifecycle.
△ Less
Submitted 16 August, 2023; v1 submitted 28 June, 2023;
originally announced June 2023.
-
A statistical approach to detect sensitive features in a group fairness setting
Authors:
Guilherme Dean Pelegrina,
Miguel Couceiro,
Leonardo Tomazeli Duarte
Abstract:
The use of machine learning models in decision support systems with high societal impact raised concerns about unfair (disparate) results for different groups of people. When evaluating such unfair decisions, one generally relies on predefined groups that are determined by a set of features that are considered sensitive. However, such an approach is subjective and does not guarantee that these fea…
▽ More
The use of machine learning models in decision support systems with high societal impact raised concerns about unfair (disparate) results for different groups of people. When evaluating such unfair decisions, one generally relies on predefined groups that are determined by a set of features that are considered sensitive. However, such an approach is subjective and does not guarantee that these features are the only ones to be considered as sensitive nor that they entail unfair (disparate) outcomes.
In this paper, we propose a preprocessing step to address the task of automatically recognizing sensitive features that does not require a trained model to verify unfair results. Our proposal is based on the Hilber-Schmidt independence criterion, which measures the statistical dependence of variable distributions. We hypothesize that if the dependence between the label vector and a candidate is high for a sensitive feature, then the information provided by this feature will entail disparate performance measures between groups. Our empirical results attest our hypothesis and show that several features considered as sensitive in the literature do not necessarily entail disparate (unfair) results.
△ Less
Submitted 11 May, 2023;
originally announced May 2023.
-
Solving morphological analogies: from retrieval to generation
Authors:
Esteban Marquer,
Miguel Couceiro
Abstract:
Analogical inference is a remarkable capability of human reasoning, and has been used to solve hard reasoning tasks. Analogy based reasoning (AR) has gained increasing interest from the artificial intelligence community and has shown its potential in multiple machine learning tasks such as classification, decision making and recommendation with competitive results. We propose a deep learning (DL)…
▽ More
Analogical inference is a remarkable capability of human reasoning, and has been used to solve hard reasoning tasks. Analogy based reasoning (AR) has gained increasing interest from the artificial intelligence community and has shown its potential in multiple machine learning tasks such as classification, decision making and recommendation with competitive results. We propose a deep learning (DL) framework to address and tackle two key tasks in AR: analogy detection and solving. The framework is thoroughly tested on the Siganalogies dataset of morphological analogical proportions (APs) between words, and shown to outperform symbolic approaches in many languages. Previous work have explored the behavior of the Analogy Neural Network for classification (ANNc) on analogy detection and of the Analogy Neural Network for retrieval (ANNr) on analogy solving by retrieval, as well as the potential of an autoencoder (AE) for analogy solving by generating the solution word. In this article we summarize these findings and we extend them by combining ANNr and the AE embedding model, and checking the performance of ANNc as an retrieval method. The combination of ANNr and AE outperforms the other approaches in almost all cases, and ANNc as a retrieval method achieves competitive or better performance than 3CosMul. We conclude with general guidelines on using our framework to tackle APs with DL.
△ Less
Submitted 17 April, 2024; v1 submitted 30 March, 2023;
originally announced March 2023.
-
Clarity: an improved gradient method for producing quality visual counterfactual explanations
Authors:
Claire Theobald,
Frédéric Pennerath,
Brieuc Conan-Guez,
Miguel Couceiro,
Amedeo Napoli
Abstract:
Visual counterfactual explanations identify modifications to an image that would change the prediction of a classifier. We propose a set of techniques based on generative models (VAE) and a classifier ensemble directly trained in the latent space, which all together, improve the quality of the gradient required to compute visual counterfactuals. These improvements lead to a novel classification mo…
▽ More
Visual counterfactual explanations identify modifications to an image that would change the prediction of a classifier. We propose a set of techniques based on generative models (VAE) and a classifier ensemble directly trained in the latent space, which all together, improve the quality of the gradient required to compute visual counterfactuals. These improvements lead to a novel classification model, Clarity, which produces realistic counterfactual explanations over all images. We also present several experiments that give insights on why these techniques lead to better quality results than those in the literature. The explanations produced are competitive with the state-of-the-art and emphasize the importance of selecting a meaningful input space for training.
△ Less
Submitted 22 November, 2022;
originally announced November 2022.
-
Survey on Fairness Notions and Related Tensions
Authors:
Guilherme Alves,
Fabien Bernier,
Miguel Couceiro,
Karima Makhlouf,
Catuscia Palamidessi,
Sami Zhioua
Abstract:
Automated decision systems are increasingly used to take consequential decisions in problems such as job hiring and loan granting with the hope of replacing subjective human decisions with objective machine learning (ML) algorithms. However, ML-based decision systems are prone to bias, which results in yet unfair decisions. Several notions of fairness have been defined in the literature to capture…
▽ More
Automated decision systems are increasingly used to take consequential decisions in problems such as job hiring and loan granting with the hope of replacing subjective human decisions with objective machine learning (ML) algorithms. However, ML-based decision systems are prone to bias, which results in yet unfair decisions. Several notions of fairness have been defined in the literature to capture the different subtleties of this ethical and social concept (e.g., statistical parity, equal opportunity, etc.). Fairness requirements to be satisfied while learning models created several types of tensions among the different notions of fairness and other desirable properties such as privacy and classification accuracy. This paper surveys the commonly used fairness notions and discusses the tensions among them with privacy and accuracy. Different methods to address the fairness-accuracy trade-off (classified into four approaches, namely, pre-processing, in-processing, post-processing, and hybrid) are reviewed. The survey is consolidated with experimental analysis carried out on fairness benchmark datasets to illustrate the relationship between fairness measures and accuracy in real-world scenarios.
△ Less
Submitted 19 June, 2023; v1 submitted 16 September, 2022;
originally announced September 2022.
-
Component twin-width as a parameter for BINARY-CSP and its semiring generalisations
Authors:
Ambroise Baril,
Miguel Couceiro,
Victor Lagerkvist
Abstract:
We investigate the fine-grained and the parameterized complexity of several generalizations of binary constraint satisfaction problems (BINARY-CSPs), that subsume variants of graph colouring problems. Our starting point is the observation that several algorithmic approaches that resulted in complexity upper bounds for these problems, share a common structure. We thus explore an algebraic approach…
▽ More
We investigate the fine-grained and the parameterized complexity of several generalizations of binary constraint satisfaction problems (BINARY-CSPs), that subsume variants of graph colouring problems. Our starting point is the observation that several algorithmic approaches that resulted in complexity upper bounds for these problems, share a common structure. We thus explore an algebraic approach relying on semirings that unifies different generalizations of BINARY-CSPs (such as the counting, the list, and the weighted versions), and that facilitates a general algorithmic approach to efficiently solving them. The latter is inspired by the (component) twin-width parameter introduced by Bonnet et al., which we generalize via edge-labelled graphs in order to formulate it to arbitrary binary constraints. We consider input instances with bounded component twin-width, as well as constraint templates of bounded component twin-width, and obtain an FPT algorithm as well as an improved, exponential-time algorithm, for broad classes of binary constraints. We illustrate the advantages of this framework by instantiating our general algorithmic approach on several classes of problems (e.g., the $H$-coloring problem and its variants), and showing that it improves the best complexity upper bounds in the literature for several well-known problems.
△ Less
Submitted 14 July, 2022;
originally announced July 2022.
-
Galois theory for analogical classifiers
Authors:
Miguel Couceiro,
Erkko Lehtonen
Abstract:
Analogical proportions are 4-ary relations that read "A is to B as C is to D". Recent works have highlighted the fact that such relations can support a specific form of inference, called analogical inference. This inference mechanism was empirically proved to be efficient in several reasoning and classification tasks. In the latter case, it relies on the notion of analogy preservation.
In this p…
▽ More
Analogical proportions are 4-ary relations that read "A is to B as C is to D". Recent works have highlighted the fact that such relations can support a specific form of inference, called analogical inference. This inference mechanism was empirically proved to be efficient in several reasoning and classification tasks. In the latter case, it relies on the notion of analogy preservation.
In this paper, we explore this relation between formal models of analogy and the corresponding classes of analogy preserving functions, and we establish a Galois theory of analogical classifiers. We illustrate the usefulness of this Galois framework over Boolean domains, and we explicitly determine the closed sets of analogical classifiers, i.e., classifiers that are compatible with the analogical inference, for each pair of Boolean analogies.
△ Less
Submitted 9 May, 2022;
originally announced May 2022.
-
Tackling Morphological Analogies Using Deep Learning -- Extended Version
Authors:
Safa Alsaidi,
Amandine Decker,
Esteban Marquer,
Pierre-Alexandre Murena,
Miguel Couceiro
Abstract:
Analogical proportions are statements of the form "A is to B as C is to D". They constitute an inference tool that provides a logical framework to address learning, transfer, and explainability concerns and that finds useful applications in artificial intelligence and natural language processing. In this paper, we address two problems, namely, analogy detection and resolution in morphology. Multip…
▽ More
Analogical proportions are statements of the form "A is to B as C is to D". They constitute an inference tool that provides a logical framework to address learning, transfer, and explainability concerns and that finds useful applications in artificial intelligence and natural language processing. In this paper, we address two problems, namely, analogy detection and resolution in morphology. Multiple symbolic approaches tackle the problem of analogies in morphology and achieve competitive performance. We show that it is possible to use a data-driven strategy to outperform those models. We propose an approach using deep learning to detect and solve morphological analogies. It encodes structural properties of analogical proportions and relies on a specifically designed embedding model capturing morphological characteristics of words. We demonstrate our model's competitive performance on analogy detection and resolution over multiple languages. We provide an empirical study to analyze the impact of balancing training data and evaluate the robustness of our approach to input perturbation.
△ Less
Submitted 9 November, 2021;
originally announced November 2021.
-
A Neural Approach for Detecting Morphological Analogies
Authors:
Safa Alsaidi,
Amandine Decker,
Puthineath Lay,
Esteban Marquer,
Pierre-Alexandre Murena,
Miguel Couceiro
Abstract:
Analogical proportions are statements of the form "A is to B as C is to D" that are used for several reasoning and classification tasks in artificial intelligence and natural language processing (NLP). For instance, there are analogy based approaches to semantics as well as to morphology. In fact, symbolic approaches were developed to solve or to detect analogies between character strings, e.g., t…
▽ More
Analogical proportions are statements of the form "A is to B as C is to D" that are used for several reasoning and classification tasks in artificial intelligence and natural language processing (NLP). For instance, there are analogy based approaches to semantics as well as to morphology. In fact, symbolic approaches were developed to solve or to detect analogies between character strings, e.g., the axiomatic approach as well as that based on Kolmogorov complexity. In this paper, we propose a deep learning approach to detect morphological analogies, for instance, with reinflexion or conjugation. We present empirical results that show that our framework is competitive with the above-mentioned state of the art symbolic approaches. We also explore empirically its transferability capacity across languages, which highlights interesting similarities between them.
△ Less
Submitted 9 August, 2021;
originally announced August 2021.
-
On the Transferability of Neural Models of Morphological Analogies
Authors:
Safa Alsaidi,
Amandine Decker,
Puthineath Lay,
Esteban Marquer,
Pierre-Alexandre Murena,
Miguel Couceiro
Abstract:
Analogical proportions are statements expressed in the form "A is to B as C is to D" and are used for several reasoning and classification tasks in artificial intelligence and natural language processing (NLP). In this paper, we focus on morphological tasks and we propose a deep learning approach to detect morphological analogies. We present an empirical study to see how our framework transfers ac…
▽ More
Analogical proportions are statements expressed in the form "A is to B as C is to D" and are used for several reasoning and classification tasks in artificial intelligence and natural language processing (NLP). In this paper, we focus on morphological tasks and we propose a deep learning approach to detect morphological analogies. We present an empirical study to see how our framework transfers across languages, and that highlights interesting similarities and differences between these languages. In view of these results, we also discuss the possibility of building a multilingual morphological model.
△ Less
Submitted 9 August, 2021;
originally announced August 2021.
-
Reducing Unintended Bias of ML Models on Tabular and Textual Data
Authors:
Guilherme Alves,
Maxime Amblard,
Fabien Bernier,
Miguel Couceiro,
Amedeo Napoli
Abstract:
Unintended biases in machine learning (ML) models are among the major concerns that must be addressed to maintain public trust in ML. In this paper, we address process fairness of ML models that consists in reducing the dependence of models on sensitive features, without compromising their performance. We revisit the framework FixOut that is inspired in the approach "fairness through unawareness"…
▽ More
Unintended biases in machine learning (ML) models are among the major concerns that must be addressed to maintain public trust in ML. In this paper, we address process fairness of ML models that consists in reducing the dependence of models on sensitive features, without compromising their performance. We revisit the framework FixOut that is inspired in the approach "fairness through unawareness" to build fairer models. We introduce several improvements such as automating the choice of FixOut's parameters. Also, FixOut was originally proposed to improve fairness of ML models on tabular data. We also demonstrate the feasibility of FixOut's workflow for models on textual data. We present several experimental results that illustrate the fact that FixOut improves process fairness on different classification settings.
△ Less
Submitted 5 August, 2021;
originally announced August 2021.
-
A Bayesian Convolutional Neural Network for Robust Galaxy Ellipticity Regression
Authors:
Claire Theobald,
Bastien Arcelin,
Frédéric Pennerath,
Brieuc Conan-Guez,
Miguel Couceiro,
Amedeo Napoli
Abstract:
Cosmic shear estimation is an essential scientific goal for large galaxy surveys. It refers to the coherent distortion of distant galaxy images due to weak gravitational lensing along the line of sight. It can be used as a tracer of the matter distribution in the Universe. The unbiased estimation of the local value of the cosmic shear can be obtained via Bayesian analysis which relies on robust es…
▽ More
Cosmic shear estimation is an essential scientific goal for large galaxy surveys. It refers to the coherent distortion of distant galaxy images due to weak gravitational lensing along the line of sight. It can be used as a tracer of the matter distribution in the Universe. The unbiased estimation of the local value of the cosmic shear can be obtained via Bayesian analysis which relies on robust estimation of the galaxies ellipticity (shape) posterior distribution. This is not a simple problem as, among other things, the images may be corrupted with strong background noise. For current and coming surveys, another central issue in galaxy shape determination is the treatment of statistically dominant overlapping (blended) objects. We propose a Bayesian Convolutional Neural Network based on Monte-Carlo Dropout to reliably estimate the ellipticity of galaxies and the corresponding measurement uncertainties. We show that while a convolutional network can be trained to correctly estimate well calibrated aleatoric uncertainty, -- the uncertainty due to the presence of noise in the images -- it is unable to generate a trustworthy ellipticity distribution when exposed to previously unseen data (i.e. here, blended scenes). By introducing a Bayesian Neural Network, we show how to reliably estimate the posterior predictive distribution of ellipticities along with robust estimation of epistemic uncertainties. Experiments also show that epistemic uncertainty can detect inconsistent predictions due to unknown blended scenes.
△ Less
Submitted 20 April, 2021;
originally announced April 2021.
-
A Bayesian Neural Network based on Dropout Regulation
Authors:
Claire Theobald,
Frédéric Pennerath,
Brieuc Conan-Guez,
Miguel Couceiro,
Amedeo Napoli
Abstract:
Bayesian Neural Networks (BNN) have recently emerged in the Deep Learning world for dealing with uncertainty estimation in classification tasks, and are used in many application domains such as astrophysics, autonomous driving...BNN assume a prior over the weights of a neural network instead of point estimates, enabling in this way the estimation of both aleatoric and epistemic uncertainty of the…
▽ More
Bayesian Neural Networks (BNN) have recently emerged in the Deep Learning world for dealing with uncertainty estimation in classification tasks, and are used in many application domains such as astrophysics, autonomous driving...BNN assume a prior over the weights of a neural network instead of point estimates, enabling in this way the estimation of both aleatoric and epistemic uncertainty of the model prediction.Moreover, a particular type of BNN, namely MC Dropout, assumes a Bernoulli distribution on the weights by using Dropout.Several attempts to optimize the dropout rate exist, e.g. using a variational approach.In this paper, we present a new method called "Dropout Regulation" (DR), which consists of automatically adjusting the dropout rate during training using a controller as used in automation.DR allows for a precise estimation of the uncertainty which is comparable to the state-of-the-art while remaining simple to implement.
△ Less
Submitted 3 February, 2021;
originally announced February 2021.
-
Making ML models fairer through explanations: the case of LimeOut
Authors:
Guilherme Alves,
Vaishnavi Bhargava,
Miguel Couceiro,
Amedeo Napoli
Abstract:
Algorithmic decisions are now being used on a daily basis, and based on Machine Learning (ML) processes that may be complex and biased. This raises several concerns given the critical impact that biased decisions may have on individuals or on society as a whole. Not only unfair outcomes affect human rights, they also undermine public trust in ML and AI. In this paper we address fairness issues of…
▽ More
Algorithmic decisions are now being used on a daily basis, and based on Machine Learning (ML) processes that may be complex and biased. This raises several concerns given the critical impact that biased decisions may have on individuals or on society as a whole. Not only unfair outcomes affect human rights, they also undermine public trust in ML and AI. In this paper we address fairness issues of ML models based on decision outcomes, and we show how the simple idea of "feature dropout" followed by an "ensemble approach" can improve model fairness. To illustrate, we will revisit the case of "LimeOut" that was proposed to tackle "process fairness", which measures a model's reliance on sensitive or discriminatory features. Given a classifier, a dataset and a set of sensitive features, LimeOut first assesses whether the classifier is fair by checking its reliance on sensitive features using "Lime explanations". If deemed unfair, LimeOut then applies feature dropout to obtain a pool of classifiers. These are then combined into an ensemble classifier that was empirically shown to be less dependent on sensitive features without compromising the classifier's accuracy. We present different experiments on multiple datasets and several state of the art classifiers, which show that LimeOut's classifiers improve (or at least maintain) not only process fairness but also other fairness metrics such as individual and group fairness, equal opportunity, and demographic parity.
△ Less
Submitted 1 November, 2020;
originally announced November 2020.
-
Tackling scalability issues in mining path patterns from knowledge graphs: a preliminary study
Authors:
Pierre Monnin,
Emmanuel Bresso,
Miguel Couceiro,
Malika Smaïl-Tabbone,
Amedeo Napoli,
Adrien Coulet
Abstract:
Features mined from knowledge graphs are widely used within multiple knowledge discovery tasks such as classification or fact-checking. Here, we consider a given set of vertices, called seed vertices, and focus on mining their associated neighboring vertices, paths, and, more generally, path patterns that involve classes of ontologies linked with knowledge graphs. Due to the combinatorial nature a…
▽ More
Features mined from knowledge graphs are widely used within multiple knowledge discovery tasks such as classification or fact-checking. Here, we consider a given set of vertices, called seed vertices, and focus on mining their associated neighboring vertices, paths, and, more generally, path patterns that involve classes of ontologies linked with knowledge graphs. Due to the combinatorial nature and the increasing size of real-world knowledge graphs, the task of mining these patterns immediately entails scalability issues. In this paper, we address these issues by proposing a pattern mining approach that relies on a set of constraints (e.g., support or degree thresholds) and the monotonicity property. As our motivation comes from the mining of real-world knowledge graphs, we illustrate our approach with PGxLOD, a biomedical knowledge graph.
△ Less
Submitted 7 August, 2020; v1 submitted 17 July, 2020;
originally announced July 2020.
-
LimeOut: An Ensemble Approach To Improve Process Fairness
Authors:
Vaishnavi Bhargava,
Miguel Couceiro,
Amedeo Napoli
Abstract:
Artificial Intelligence and Machine Learning are becoming increasingly present in several aspects of human life, especially, those dealing with decision making. Many of these algorithmic decisions are taken without human supervision and through decision making processes that are not transparent. This raises concerns regarding the potential bias of these processes towards certain groups of society,…
▽ More
Artificial Intelligence and Machine Learning are becoming increasingly present in several aspects of human life, especially, those dealing with decision making. Many of these algorithmic decisions are taken without human supervision and through decision making processes that are not transparent. This raises concerns regarding the potential bias of these processes towards certain groups of society, which may entail unfair results and, possibly, violations of human rights. Dealing with such biased models is one of the major concerns to maintain the public trust.
In this paper, we address the question of process or procedural fairness. More precisely, we consider the problem of making classifiers fairer by reducing their dependence on sensitive features while increasing (or, at least, maintaining) their accuracy. To achieve both, we draw inspiration from "dropout" techniques in neural based approaches, and propose a framework that relies on "feature drop-out" to tackle process fairness. We make use of "LIME Explanations" to assess a classifier's fairness and to determine the sensitive features to remove. This produces a pool of classifiers (through feature dropout) whose ensemble is shown empirically to be less dependent on sensitive features, and with improved or no impact on accuracy.
△ Less
Submitted 17 June, 2020;
originally announced June 2020.
-
Knowledge-Based Matching of $n$-ary Tuples
Authors:
Pierre Monnin,
Miguel Couceiro,
Amedeo Napoli,
Adrien Coulet
Abstract:
An increasing number of data and knowledge sources are accessible by human and software agents in the expanding Semantic Web. Sources may differ in granularity or completeness, and thus be complementary. Consequently, they should be reconciled in order to unlock the full potential of their conjoint knowledge. In particular, units should be matched within and across sources, and their level of rela…
▽ More
An increasing number of data and knowledge sources are accessible by human and software agents in the expanding Semantic Web. Sources may differ in granularity or completeness, and thus be complementary. Consequently, they should be reconciled in order to unlock the full potential of their conjoint knowledge. In particular, units should be matched within and across sources, and their level of relatedness should be classified into equivalent, more specific, or similar. This task is challenging since knowledge units can be heterogeneously represented in sources (e.g., in terms of vocabularies). In this paper, we focus on matching n-ary tuples in a knowledge base with a rule-based methodology. To alleviate heterogeneity issues, we rely on domain knowledge expressed by ontologies. We tested our method on the biomedical domain of pharmacogenomics by searching alignments among 50,435 n-ary tuples from four different real-world sources. Results highlight noteworthy agreements and particularities within and across sources.
△ Less
Submitted 14 May, 2020; v1 submitted 19 February, 2020;
originally announced February 2020.
-
Every quasitrivial n-ary semigroup is reducible to a semigroup
Authors:
Miguel Couceiro,
Jimmy Devillet
Abstract:
We show that every quasitrivial n-ary semigroup is reducible to a binary semigroup, and we provide necessary and sufficient conditions for such a reduction to be unique. These results are then refined in the case of symmetric n-ary semigroups. We also explicitly determine the sizes of these classes when the semigroups are defined on finite sets. As a byproduct of these enumerations, we obtain seve…
▽ More
We show that every quasitrivial n-ary semigroup is reducible to a binary semigroup, and we provide necessary and sufficient conditions for such a reduction to be unique. These results are then refined in the case of symmetric n-ary semigroups. We also explicitly determine the sizes of these classes when the semigroups are defined on finite sets. As a byproduct of these enumerations, we obtain several new integer sequences.
△ Less
Submitted 23 September, 2019; v1 submitted 11 April, 2019;
originally announced April 2019.
-
A localization approach for autonomous underwater vehicles: A ROS-Gazebo framework
Authors:
Frederico C. Vaz,
David Portugal,
André Araújo,
Micael S. Couceiro,
Rui P. Rocha
Abstract:
Autonomous Underwater Vehicles (AUVs) have the ability to operate in harsh underwater environments without endangering human lives in the process. Nevertheless, just like their ground and aerial counterparts, AUVs need to be able to estimate their own position. Yet, unlike ground and aerial robots, estimating the pose of AUVs is very challenging, with only a few high-cost technological solutions a…
▽ More
Autonomous Underwater Vehicles (AUVs) have the ability to operate in harsh underwater environments without endangering human lives in the process. Nevertheless, just like their ground and aerial counterparts, AUVs need to be able to estimate their own position. Yet, unlike ground and aerial robots, estimating the pose of AUVs is very challenging, with only a few high-cost technological solutions available in the market. In this paper, we present the development of a realistic underwater acoustic model, implemented within the Robot Operating System (ROS) and the Gazebo simulator framework, for localization of AUVs using a set of water surface robots, time of flight of underwater propagated acoustic waves, and a multilateration genetic algorithm approach.
△ Less
Submitted 14 November, 2018;
originally announced November 2018.
-
Quasitrivial semigroups: characterizations and enumerations
Authors:
Miguel Couceiro,
Jimmy Devillet,
Jean-Luc Marichal
Abstract:
We investigate the class of quasitrivial semigroups and provide various characterizations of the subclass of quasitrivial and commutative semigroups as well as the subclass of quasitrivial and order-preserving semigroups. We also determine explicitly the sizes of these classes when the semigroups are defined on finite sets. As a byproduct of these enumerations, we obtain several new integer sequen…
▽ More
We investigate the class of quasitrivial semigroups and provide various characterizations of the subclass of quasitrivial and commutative semigroups as well as the subclass of quasitrivial and order-preserving semigroups. We also determine explicitly the sizes of these classes when the semigroups are defined on finite sets. As a byproduct of these enumerations, we obtain several new integer sequences.
△ Less
Submitted 8 May, 2019; v1 submitted 26 September, 2017;
originally announced September 2017.
-
Characterizations of idempotent discrete uninorms
Authors:
Miguel Couceiro,
Jimmy Devillet,
Jean-Luc Marichal
Abstract:
In this paper we provide an axiomatic characterization of the idempotent discrete uninorms by means of three conditions only: conservativeness, symmetry, and nondecreasing monotonicity. We also provide an alternative characterization involving the bisymmetry property. Finally, we provide a graphical characterization of these operations in terms of their contour plots, and we mention a few open que…
▽ More
In this paper we provide an axiomatic characterization of the idempotent discrete uninorms by means of three conditions only: conservativeness, symmetry, and nondecreasing monotonicity. We also provide an alternative characterization involving the bisymmetry property. Finally, we provide a graphical characterization of these operations in terms of their contour plots, and we mention a few open questions for further research.
△ Less
Submitted 29 June, 2017; v1 submitted 25 January, 2017;
originally announced January 2017.
-
Arrow type impossibility theorems over median algebras
Authors:
Miguel Couceiro,
Stephan Foldes,
Gerasimos C. Meletiou
Abstract:
We characterize trees as median algebras and semilattices by relaxing conservativeness. Moreover, we describe median homomorphisms between products of median algebras and show that Arrow type impossibility theorems for mappings from a product $\mathbf{A}_1\times \cdots \times \mathbf{A}_n$ of median algebras to a median algebra $\mathbf{B}$ are possible if and only if $\mathbf{B}$ is a tree, when…
▽ More
We characterize trees as median algebras and semilattices by relaxing conservativeness. Moreover, we describe median homomorphisms between products of median algebras and show that Arrow type impossibility theorems for mappings from a product $\mathbf{A}_1\times \cdots \times \mathbf{A}_n$ of median algebras to a median algebra $\mathbf{B}$ are possible if and only if $\mathbf{B}$ is a tree, when thought of as an ordered structure.
△ Less
Submitted 19 August, 2015;
originally announced August 2015.
-
Relaxations of associativity and preassociativity for variadic functions
Authors:
Miguel Couceiro,
Jean-Luc Marichal,
Bruno Teheux
Abstract:
In this paper we consider two properties of variadic functions, namely associativity and preassociativity, that are pertaining to several data and language processing tasks. We propose parameterized relaxations of these properties and provide their descriptions in terms of factorization results. We also give an example where these parameterized notions give rise to natural hierarchies of functions…
▽ More
In this paper we consider two properties of variadic functions, namely associativity and preassociativity, that are pertaining to several data and language processing tasks. We propose parameterized relaxations of these properties and provide their descriptions in terms of factorization results. We also give an example where these parameterized notions give rise to natural hierarchies of functions and indicate their potential use in measuring the degrees of associativeness and preassociativeness. We illustrate these results by several examples and constructions and discuss some open problems that lead to further directions of research.
△ Less
Submitted 13 August, 2015;
originally announced August 2015.
-
Locally monotone Boolean and pseudo-Boolean functions
Authors:
Miguel Couceiro,
Jean-Luc Marichal,
Tamás Waldhauser
Abstract:
We propose local versions of monotonicity for Boolean and pseudo-Boolean functions: say that a pseudo-Boolean (Boolean) function is p-locally monotone if none of its partial derivatives changes in sign on tuples which differ in less than p positions. As it turns out, this parameterized notion provides a hierarchy of monotonicities for pseudo-Boolean (Boolean) functions. Local monotonicities are sh…
▽ More
We propose local versions of monotonicity for Boolean and pseudo-Boolean functions: say that a pseudo-Boolean (Boolean) function is p-locally monotone if none of its partial derivatives changes in sign on tuples which differ in less than p positions. As it turns out, this parameterized notion provides a hierarchy of monotonicities for pseudo-Boolean (Boolean) functions. Local monotonicities are shown to be tightly related to lattice counterparts of classical partial derivatives via the notion of permutable derivatives. More precisely, p-locally monotone functions are shown to have p-permutable lattice derivatives and, in the case of symmetric functions, these two notions coincide. We provide further results relating these two notions, and present a classification of p-locally monotone functions, as well as of functions having p-permutable derivatives, in terms of certain forbidden "sections", i.e., functions which can be obtained by substituting constants for variables. This description is made explicit in the special case when p=2.
△ Less
Submitted 16 May, 2012; v1 submitted 6 July, 2011;
originally announced July 2011.
-
On the poset of computation rules for nonassociative calculus
Authors:
Miguel Couceiro,
Michel Grabisch
Abstract:
The symmetric maximum, denoted by v, is an extension of the usual max operation so that 0 is the neutral element, and -x is the symmetric (or inverse) of x, i.e., x v(-x)=0. However, such an extension does not preserve the associativity of max. This fact asks for systematic ways of parenthesing (or bracketing) terms of a sequence (with more than two arguments) when using such an extended maximum.…
▽ More
The symmetric maximum, denoted by v, is an extension of the usual max operation so that 0 is the neutral element, and -x is the symmetric (or inverse) of x, i.e., x v(-x)=0. However, such an extension does not preserve the associativity of max. This fact asks for systematic ways of parenthesing (or bracketing) terms of a sequence (with more than two arguments) when using such an extended maximum. We refer to such systematic (predefined) ways of parenthesing as computation rules. As it turns out there are infinitely many computation rules each of which corresponding to a systematic way of bracketing arguments of sequences. Essentially, computation rules reduce to deleting terms of sequences based on the condition x v(-x)=0. This observation gives raise to a quasi-order on the set of such computation rules: say that rule 1 is below rule 2 if for all sequences of numbers, rule 1 deletes more terms in the sequence than rule 2. In this paper we present a study of this quasi-ordering of computation rules. In particular, we show that the induced poset of all equivalence classes of computation rules is uncountably infinite, has infinitely many maximal elements, has infinitely many atoms, and it embeds the powerset of natural numbers ordered by inclusion.
△ Less
Submitted 20 May, 2011;
originally announced May 2011.
-
Axiomatizations of Lovász extensions of pseudo-Boolean functions
Authors:
Miguel Couceiro,
Jean-Luc Marichal
Abstract:
Three important properties in aggregation theory are investigated, namely horizontal min-additivity, horizontal max-additivity, and comonotonic additivity, which are defined by certain relaxations of the Cauchy functional equation in several variables. We show that these properties are equivalent and we completely describe the functions characterized by them. By adding some regularity conditions,…
▽ More
Three important properties in aggregation theory are investigated, namely horizontal min-additivity, horizontal max-additivity, and comonotonic additivity, which are defined by certain relaxations of the Cauchy functional equation in several variables. We show that these properties are equivalent and we completely describe the functions characterized by them. By adding some regularity conditions, these functions coincide with the Lovász extensions vanishing at the origin, which subsume the discrete Choquet integrals. We also propose a simultaneous generalization of horizontal min-additivity and horizontal max-additivity, called horizontal median-additivity, and we describe the corresponding function class. Additional conditions then reduce this class to that of symmetric Lovász extensions, which includes the discrete symmetric Choquet integrals.
△ Less
Submitted 29 July, 2011; v1 submitted 5 July, 2010;
originally announced July 2010.