-
Entity Re-identification in Visual Storytelling via Contrastive Reinforcement Learning
Authors:
Daniel A. P. Oliveira,
David Martins de Matos
Abstract:
Visual storytelling systems, particularly large vision-language models, struggle to maintain character and object identity across frames, often failing to recognize when entities in different images represent the same individuals or objects, leading to inconsistent references and referential hallucinations. This occurs because models lack explicit training on when to establish entity connections a…
▽ More
Visual storytelling systems, particularly large vision-language models, struggle to maintain character and object identity across frames, often failing to recognize when entities in different images represent the same individuals or objects, leading to inconsistent references and referential hallucinations. This occurs because models lack explicit training on when to establish entity connections across frames. We propose a contrastive reinforcement learning approach that trains models to discriminate between coherent image sequences and stories from unrelated images. We extend the Story Reasoning dataset with synthetic negative examples to teach appropriate entity connection behavior. We employ Direct Preference Optimization with a dual-component reward function that promotes grounding and re-identification of entities in real stories while penalizing incorrect entity connections in synthetic contexts. Using this contrastive framework, we fine-tune Qwen Storyteller (based on Qwen2.5-VL 7B). Evaluation shows improvements in grounding mAP from 0.27 to 0.31 (+14.8%), F1 from 0.35 to 0.41 (+17.1%). Pronoun grounding accuracy improved across all pronoun types except "its", and cross-frame character and object persistence increased across all frame counts, with entities appearing in 5 or more frames advancing from 29.3% to 33.3% (+13.7%). Well-structured stories, containing the chain-of-thought and grounded story, increased from 79.1% to 97.5% (+23.3%).
△ Less
Submitted 10 July, 2025; v1 submitted 9 July, 2025;
originally announced July 2025.
-
GANs vs. Diffusion Models for virtual staining with the HER2match dataset
Authors:
Pascal Klöckner,
José Teixeira,
Diana Montezuma,
Jaime S. Cardoso,
Hugo M. Horlings,
Sara P. Oliveira
Abstract:
Virtual staining is a promising technique that uses deep generative models to recreate histological stains, providing a faster and more cost-effective alternative to traditional tissue chemical staining. Specifically for H&E-HER2 staining transfer, despite a rising trend in publications, the lack of sufficient public datasets has hindered progress in the topic. Additionally, it is currently unclea…
▽ More
Virtual staining is a promising technique that uses deep generative models to recreate histological stains, providing a faster and more cost-effective alternative to traditional tissue chemical staining. Specifically for H&E-HER2 staining transfer, despite a rising trend in publications, the lack of sufficient public datasets has hindered progress in the topic. Additionally, it is currently unclear which model frameworks perform best for this particular task. In this paper, we introduce the HER2match dataset, the first publicly available dataset with the same breast cancer tissue sections stained with both H&E and HER2. Furthermore, we compare the performance of several Generative Adversarial Networks (GANs) and Diffusion Models (DMs), and implement a novel Brownian Bridge Diffusion Model for H&E-HER2 translation. Our findings indicate that, overall, GANs perform better than DMs, with only the BBDM achieving comparable results. Furthermore, we emphasize the importance of data alignment, as all models trained on HER2match produced vastly improved visuals compared to the widely used consecutive-slide BCI dataset. This research provides a new high-quality dataset ([available upon publication acceptance]), improving both model training and evaluation. In addition, our comparison of frameworks offers valuable guidance for researchers working on the topic.
△ Less
Submitted 23 June, 2025;
originally announced June 2025.
-
Automatic detection of abnormal clinical EEG: comparison of a finetuned foundation model with two deep learning models
Authors:
Aurore Bussalb,
François Le Gac,
Guillaume Jubien,
Mohamed Rahmouni,
Ruggero G. Bettinardi,
Pedro Marinho R. de Oliveira,
Phillipe Derambure,
Nicolas Gaspard,
Jacques Jonas,
Louis Maillard,
Laurent Vercueil,
Hervé Vespignani,
Philippe Laval,
Laurent Koessler,
Ulysse Gimenez
Abstract:
Electroencephalography (EEG) is commonly used by physicians for the diagnosis of numerous neurological disorders. Due to the large volume of EEGs requiring interpretation and the specific expertise involved, artificial intelligence-based tools are being developed to assist in their visual analysis. In this paper, we compare two deep learning models (CNN-LSTM and Transformer-based) with BioSerenity…
▽ More
Electroencephalography (EEG) is commonly used by physicians for the diagnosis of numerous neurological disorders. Due to the large volume of EEGs requiring interpretation and the specific expertise involved, artificial intelligence-based tools are being developed to assist in their visual analysis. In this paper, we compare two deep learning models (CNN-LSTM and Transformer-based) with BioSerenity-E1, a recently proposed foundation model, in the task of classifying entire EEG recordings as normal or abnormal. The three models were trained or finetuned on 2,500 EEG recordings and their performances were evaluated on two private and one public datasets: a large multicenter dataset annotated by a single specialist (dataset A composed of n = 4,480 recordings), a small multicenter dataset annotated by three specialists (dataset B, n = 198), and the Temple University Abnormal (TUAB) EEG corpus evaluation dataset (n = 276). On dataset A, the three models achieved at least 86% balanced accuracy, with BioSerenity-E1 finetuned achieving the highest balanced accuracy (89.19% [88.36-90.41]). BioSerenity-E1 finetuned also achieved the best performance on dataset B, with 94.63% [92.32-98.12] balanced accuracy. The models were then validated on TUAB evaluation dataset, whose corresponding training set was not used during training, where they achieved at least 76% accuracy. Specifically, BioSerenity-E1 finetuned outperformed the other two models, reaching an accuracy of 82.25% [78.27-87.48]. Our results highlight the usefulness of leveraging pre-trained models for automatic EEG classification: enabling robust and efficient interpretation of EEG data with fewer resources and broader applicability.
△ Less
Submitted 13 May, 2025;
originally announced May 2025.
-
StoryReasoning Dataset: Using Chain-of-Thought for Scene Understanding and Grounded Story Generation
Authors:
Daniel A. P. Oliveira,
David Martins de Matos
Abstract:
Visual storytelling systems struggle to maintain character identity across frames and link actions to appropriate subjects, frequently leading to referential hallucinations. These issues can be addressed through grounding of characters, objects, and other entities on the visual elements. We propose StoryReasoning, a dataset containing 4,178 stories derived from 52,016 movie images, with both struc…
▽ More
Visual storytelling systems struggle to maintain character identity across frames and link actions to appropriate subjects, frequently leading to referential hallucinations. These issues can be addressed through grounding of characters, objects, and other entities on the visual elements. We propose StoryReasoning, a dataset containing 4,178 stories derived from 52,016 movie images, with both structured scene analyses and grounded stories. Each story maintains character and object consistency across frames while explicitly modeling multi-frame relationships through structured tabular representations. Our approach features cross-frame object re-identification using visual similarity and face recognition, chain-of-thought reasoning for explicit narrative modeling, and a grounding scheme that links textual elements to visual entities across multiple frames. We establish baseline performance by fine-tuning Qwen2.5-VL 7B, creating Qwen Storyteller, which performs end-to-end object detection, re-identification, and landmark detection while maintaining consistent object references throughout the story. Evaluation demonstrates a reduction from 4.06 to 3.56 (-12.3%) hallucinations on average per story when compared to a non-fine-tuned model.
△ Less
Submitted 15 May, 2025;
originally announced May 2025.
-
TerraTorch: The Geospatial Foundation Models Toolkit
Authors:
Carlos Gomes,
Benedikt Blumenstiel,
Joao Lucas de Sousa Almeida,
Pedro Henrique de Oliveira,
Paolo Fraccaro,
Francesc Marti Escofet,
Daniela Szwarcman,
Naomi Simumba,
Romeo Kienzler,
Bianca Zadrozny
Abstract:
TerraTorch is a fine-tuning and benchmarking toolkit for Geospatial Foundation Models built on PyTorch Lightning and tailored for satellite, weather, and climate data. It integrates domain-specific data modules, pre-defined tasks, and a modular model factory that pairs any backbone with diverse decoder heads. These components allow researchers and practitioners to fine-tune supported models in a n…
▽ More
TerraTorch is a fine-tuning and benchmarking toolkit for Geospatial Foundation Models built on PyTorch Lightning and tailored for satellite, weather, and climate data. It integrates domain-specific data modules, pre-defined tasks, and a modular model factory that pairs any backbone with diverse decoder heads. These components allow researchers and practitioners to fine-tune supported models in a no-code fashion by simply editing a training configuration. By consolidating best practices for model development and incorporating the automated hyperparameter optimization extension Iterate, TerraTorch reduces the expertise and time required to fine-tune or benchmark models on new Earth Observation use cases. Furthermore, TerraTorch directly integrates with GEO-Bench, allowing for systematic and reproducible benchmarking of Geospatial Foundation Models. TerraTorch is open sourced under Apache 2.0, available at https://github.com/IBM/terratorch, and can be installed via pip install terratorch.
△ Less
Submitted 26 March, 2025;
originally announced March 2025.
-
Disentangled and Interpretable Multimodal Attention Fusion for Cancer Survival Prediction
Authors:
Aniek Eijpe,
Soufyan Lakbir,
Melis Erdal Cesur,
Sara P. Oliveira,
Sanne Abeln,
Wilson Silva
Abstract:
To improve the prediction of cancer survival using whole-slide images and transcriptomics data, it is crucial to capture both modality-shared and modality-specific information. However, multimodal frameworks often entangle these representations, limiting interpretability and potentially suppressing discriminative features. To address this, we propose Disentangled and Interpretable Multimodal Atten…
▽ More
To improve the prediction of cancer survival using whole-slide images and transcriptomics data, it is crucial to capture both modality-shared and modality-specific information. However, multimodal frameworks often entangle these representations, limiting interpretability and potentially suppressing discriminative features. To address this, we propose Disentangled and Interpretable Multimodal Attention Fusion (DIMAF), a multimodal framework that separates the intra- and inter-modal interactions within an attention-based fusion mechanism to learn distinct modality-specific and modality-shared representations. We introduce a loss based on Distance Correlation to promote disentanglement between these representations and integrate Shapley additive explanations to assess their relative contributions to survival prediction. We evaluate DIMAF on four public cancer survival datasets, achieving a relative average improvement of 1.85% in performance and 23.7% in disentanglement compared to current state-of-the-art multimodal models. Beyond improved performance, our interpretable framework enables a deeper exploration of the underlying interactions between and within modalities in cancer biology.
△ Less
Submitted 27 June, 2025; v1 submitted 20 March, 2025;
originally announced March 2025.
-
REGRACE: A Robust and Efficient Graph-based Re-localization Algorithm using Consistency Evaluation
Authors:
Débora N. P. Oliveira,
Joshua Knights,
Sebastián Barbas Laina,
Simon Boche,
Wolfram Burgard,
Stefan Leutenegger
Abstract:
Loop closures are essential for correcting odometry drift and creating consistent maps, especially in the context of large-scale navigation. Current methods using dense point clouds for accurate place recognition do not scale well due to computationally expensive scan-to-scan comparisons. Alternative object-centric approaches are more efficient but often struggle with sensitivity to viewpoint vari…
▽ More
Loop closures are essential for correcting odometry drift and creating consistent maps, especially in the context of large-scale navigation. Current methods using dense point clouds for accurate place recognition do not scale well due to computationally expensive scan-to-scan comparisons. Alternative object-centric approaches are more efficient but often struggle with sensitivity to viewpoint variation. In this work, we introduce REGRACE, a novel approach that addresses these challenges of scalability and perspective difference in re-localization by using LiDAR-based submaps. We introduce rotation-invariant features for each labeled object and enhance them with neighborhood context through a graph neural network. To identify potential revisits, we employ a scalable bag-of-words approach, pooling one learned global feature per submap. Additionally, we define a revisit with geometrical consistency cues rather than embedding distance, allowing us to recognize far-away loop closures. Our evaluations demonstrate that REGRACE achieves similar results compared to state-of-the-art place recognition and registration baselines while being twice as fast.
△ Less
Submitted 5 March, 2025;
originally announced March 2025.
-
GroundCap: A Visually Grounded Image Captioning Dataset
Authors:
Daniel A. P. Oliveira,
Lourenço Teodoro,
David Martins de Matos
Abstract:
Current image captioning systems lack the ability to link descriptive text to specific visual elements, making their outputs difficult to verify. While recent approaches offer some grounding capabilities, they cannot track object identities across multiple references or ground both actions and objects simultaneously. We propose a novel ID-based grounding system that enables consistent object refer…
▽ More
Current image captioning systems lack the ability to link descriptive text to specific visual elements, making their outputs difficult to verify. While recent approaches offer some grounding capabilities, they cannot track object identities across multiple references or ground both actions and objects simultaneously. We propose a novel ID-based grounding system that enables consistent object reference tracking and action-object linking. We present GroundCap, a dataset containing 52,016 images from 77 movies, with 344 human-annotated and 52,016 automatically generated captions. Each caption is grounded on detected objects (132 classes) and actions (51 classes) using a tag system that maintains object identity while linking actions to the corresponding objects. Our approach features persistent object IDs for reference tracking, explicit action-object linking, and the segmentation of background elements through K-means clustering. We propose gMETEOR, a metric combining caption quality with grounding accuracy, and establish baseline performance by fine-tuning Pixtral-12B and Qwen2.5-VL 7B on GroundCap. Human evaluation demonstrates our approach's effectiveness in producing verifiable descriptions with coherent object references.
△ Less
Submitted 25 June, 2025; v1 submitted 19 February, 2025;
originally announced February 2025.
-
Mapping The Layers of The Ocean Floor With a Convolutional Neural Network
Authors:
Guilherme G. D. Fernandes,
Vitor S. P. P. Oliveira,
João P. I. Astolfo
Abstract:
The mapping of ocean floor layers is a current challenge for the oil industry. Existing solution methods involve mapping through seismic methods and wave inversion, which are complex and computationally expensive. The introduction of artificial neural networks, specifically UNet, to predict velocity models based on seismic shots reflected from the ocean floor shows promise for optimising this proc…
▽ More
The mapping of ocean floor layers is a current challenge for the oil industry. Existing solution methods involve mapping through seismic methods and wave inversion, which are complex and computationally expensive. The introduction of artificial neural networks, specifically UNet, to predict velocity models based on seismic shots reflected from the ocean floor shows promise for optimising this process. In this study, two neural network architectures are validated for velocity model inversion and compared in terms of stability metrics such as loss function and similarity coefficient, as well as the differences between predicted and actual models. Indeed, neural networks prove promising as a solution to this challenge, achieving Sørensen-Dice coefficient values above 70%.
△ Less
Submitted 4 December, 2024;
originally announced December 2024.
-
Prithvi-EO-2.0: A Versatile Multi-Temporal Foundation Model for Earth Observation Applications
Authors:
Daniela Szwarcman,
Sujit Roy,
Paolo Fraccaro,
Þorsteinn Elí Gíslason,
Benedikt Blumenstiel,
Rinki Ghosal,
Pedro Henrique de Oliveira,
Joao Lucas de Sousa Almeida,
Rocco Sedona,
Yanghui Kang,
Srija Chakraborty,
Sizhe Wang,
Carlos Gomes,
Ankur Kumar,
Myscon Truong,
Denys Godwin,
Hyunho Lee,
Chia-Yu Hsu,
Ata Akbari Asanjan,
Besart Mujeci,
Disha Shidham,
Trevor Keenan,
Paulo Arevalo,
Wenwen Li,
Hamed Alemohammad
, et al. (10 additional authors not shown)
Abstract:
This technical report presents Prithvi-EO-2.0, a new geospatial foundation model that offers significant improvements over its predecessor, Prithvi-EO-1.0. Trained on 4.2M global time series samples from NASA's Harmonized Landsat and Sentinel-2 data archive at 30m resolution, the new 300M and 600M parameter models incorporate temporal and location embeddings for enhanced performance across various…
▽ More
This technical report presents Prithvi-EO-2.0, a new geospatial foundation model that offers significant improvements over its predecessor, Prithvi-EO-1.0. Trained on 4.2M global time series samples from NASA's Harmonized Landsat and Sentinel-2 data archive at 30m resolution, the new 300M and 600M parameter models incorporate temporal and location embeddings for enhanced performance across various geospatial tasks. Through extensive benchmarking with GEO-Bench, the 600M version outperforms the previous Prithvi-EO model by 8\% across a range of tasks. It also outperforms six other geospatial foundation models when benchmarked on remote sensing tasks from different domains and resolutions (i.e. from 0.1m to 15m). The results demonstrate the versatility of the model in both classical earth observation and high-resolution applications. Early involvement of end-users and subject matter experts (SMEs) are among the key factors that contributed to the project's success. In particular, SME involvement allowed for constant feedback on model and dataset design, as well as successful customization for diverse SME-led applications in disaster response, land use and crop mapping, and ecosystem dynamics monitoring. Prithvi-EO-2.0 is available on Hugging Face and IBM terratorch, with additional resources on GitHub. The project exemplifies the Trusted Open Science approach embraced by all involved organizations.
△ Less
Submitted 3 February, 2025; v1 submitted 3 December, 2024;
originally announced December 2024.
-
FlowNav: Combining Flow Matching and Depth Priors for Efficient Navigation
Authors:
Samiran Gode,
Abhijeet Nayak,
Débora N. P. Oliveira,
Michael Krawez,
Cordelia Schmid,
Wolfram Burgard
Abstract:
Effective robot navigation in unseen environments is a challenging task that requires precise control actions at high frequencies. Recent advances have framed it as an image-goal-conditioned control problem, where the robot generates navigation actions using frontal RGB images. Current state-of-the-art methods in this area use diffusion policies to generate these control actions. Despite their pro…
▽ More
Effective robot navigation in unseen environments is a challenging task that requires precise control actions at high frequencies. Recent advances have framed it as an image-goal-conditioned control problem, where the robot generates navigation actions using frontal RGB images. Current state-of-the-art methods in this area use diffusion policies to generate these control actions. Despite their promising results, these models are computationally expensive and suffer from weak perception. To address these limitations, we present FlowNav, a novel approach that uses a combination of Conditional Flow Matching (CFM) and depth priors from off-the-shelf foundation models to learn action policies for robot navigation. FlowNav is significantly more accurate at navigation and exploration than state-of-the-art methods. We validate our contributions using real robot experiments in multiple unseen environments, demonstrating improved navigation reliability and accuracy. We make the code and trained models publicly available.
△ Less
Submitted 3 March, 2025; v1 submitted 14 November, 2024;
originally announced November 2024.
-
Assessing Python Style Guides: An Eye-Tracking Study with Novice Developers
Authors:
Pablo Roberto,
Rohit Gheyi,
José Aldo Silva da Costa,
Márcio Ribeiro
Abstract:
The incorporation and adaptation of style guides play an essential role in software development, influencing code formatting, naming conventions, and structure to enhance readability and simplify maintenance. However, many of these guides often lack empirical studies to validate their recommendations. Previous studies have examined the impact of code styles on developer performance, concluding tha…
▽ More
The incorporation and adaptation of style guides play an essential role in software development, influencing code formatting, naming conventions, and structure to enhance readability and simplify maintenance. However, many of these guides often lack empirical studies to validate their recommendations. Previous studies have examined the impact of code styles on developer performance, concluding that some styles have a negative impact on code readability. However, there is a need for more studies that assess other perspectives and the combination of these perspectives on a common basis through experiments. This study aimed to investigate, through eye-tracking, the impact of guidelines in style guides, with a special focus on the PEP8 guide in Python, recognized for its best practices. We conducted a controlled experiment with 32 Python novices, measuring time, the number of attempts, and visual effort through eye-tracking, using fixation duration, fixation count, and regression count for four PEP8 recommendations. Additionally, we conducted interviews to explore the subjects' difficulties and preferences with the programs. The results highlighted that not following the PEP8 Line Break after an Operator guideline increased the eye regression count by 70% in the code snippet where the standard should have been applied. Most subjects preferred the version that adhered to the PEP8 guideline, and some found the left-aligned organization of operators easier to understand. The other evaluated guidelines revealed other interesting nuances, such as the True Comparison, which negatively impacted eye metrics for the PEP8 standard, although subjects preferred the PEP8 suggestion. We recommend practitioners selecting guidelines supported by experimental evaluations.
△ Less
Submitted 26 August, 2024;
originally announced August 2024.
-
Markerless Multi-view 3D Human Pose Estimation: a survey
Authors:
Ana Filipa Rodrigues Nogueira,
Hélder P. Oliveira,
Luís F. Teixeira
Abstract:
3D human pose estimation involves reconstructing the human skeleton by detecting the body joints. Accurate and efficient solutions are required for several real-world applications including animation, human-robot interaction, surveillance, and sports. However, challenges such as occlusions, 2D pose mismatches, random camera perspectives, and limited 3D labelled data have been hampering the models'…
▽ More
3D human pose estimation involves reconstructing the human skeleton by detecting the body joints. Accurate and efficient solutions are required for several real-world applications including animation, human-robot interaction, surveillance, and sports. However, challenges such as occlusions, 2D pose mismatches, random camera perspectives, and limited 3D labelled data have been hampering the models' performance and limiting their deployment in real-world scenarios. The higher availability of cameras has led researchers to explore multi-view solutions to take advantage of the different perspectives to reconstruct the pose.
Most existing reviews have mainly focused on monocular 3D human pose estimation, so a comprehensive survey on multi-view approaches has been missing since 2012. According to the reviewed articles, the majority of the existing methods are fully-supervised approaches based on geometric constraints, which are often limited by 2D pose mismatches. To mitigate this, researchers have proposed incorporating temporal consistency or depth information. Alternatively, working directly with 3D features has been shown to completely overcome this issue, albeit at the cost of increased computational complexity. Additionally, models with lower levels of supervision have been identified to help address challenges such as annotated data scarcity and generalisation to new setups. Therefore, no method currently addresses all challenges associated with 3D pose reconstruction, and a trade-off between complexity and performance exists. Further research is needed to develop approaches capable of quickly inferring a highly accurate 3D pose with bearable computation cost. Techniques such as active learning, low-supervision methods, temporal consistency, view selection, depth information estimation, and multi-modal approaches are strategies to consider when developing a new method for this task.
△ Less
Submitted 9 June, 2025; v1 submitted 4 July, 2024;
originally announced July 2024.
-
Story Generation from Visual Inputs: Techniques, Related Tasks, and Challenges
Authors:
Daniel A. P. Oliveira,
Eugénio Ribeiro,
David Martins de Matos
Abstract:
Creating engaging narratives from visual data is crucial for automated digital media consumption, assistive technologies, and interactive entertainment. This survey covers methodologies used in the generation of these narratives, focusing on their principles, strengths, and limitations.
The survey also covers tasks related to automatic story generation, such as image and video captioning, and vi…
▽ More
Creating engaging narratives from visual data is crucial for automated digital media consumption, assistive technologies, and interactive entertainment. This survey covers methodologies used in the generation of these narratives, focusing on their principles, strengths, and limitations.
The survey also covers tasks related to automatic story generation, such as image and video captioning, and visual question answering, as well as story generation without visual inputs. These tasks share common challenges with visual story generation and have served as inspiration for the techniques used in the field. We analyze the main datasets and evaluation metrics, providing a critical perspective on their limitations.
△ Less
Submitted 4 June, 2024;
originally announced June 2024.
-
SDS++: Online Situation-Aware Drivable Space Estimation for Automated Driving
Authors:
Manuel Muñoz Sánchez,
Gijs Trots,
Robin Smit,
Pedro Vieira Oliveira,
Emilia Silvas,
Jos Elfring,
René van de Molengraft
Abstract:
Autonomous Vehicles (AVs) need an accurate and up-to-date representation of the environment for safe navigation. Traditional methods, which often rely on detailed environmental representations constructed offline, struggle in dynamically changing environments or when dealing with outdated maps. Consequently, there is a pressing need for real-time solutions that can integrate diverse data sources a…
▽ More
Autonomous Vehicles (AVs) need an accurate and up-to-date representation of the environment for safe navigation. Traditional methods, which often rely on detailed environmental representations constructed offline, struggle in dynamically changing environments or when dealing with outdated maps. Consequently, there is a pressing need for real-time solutions that can integrate diverse data sources and adapt to the current situation. An existing framework that addresses these challenges is SDS (situation-aware drivable space). However, SDS faces several limitations, including its use of a non-standard output representation, its choice of encoding objects as points, restricting representation of more complex geometries like road lanes, and the fact that its methodology has been validated only with simulated or heavily post-processed data. This work builds upon SDS and introduces SDS++, designed to overcome SDS's shortcomings while preserving its benefits. SDS++ has been rigorously validated not only in simulations but also with unrefined vehicle data, and it is integrated with a model predictive control (MPC)-based planner to verify its advantages for the planning task. The results demonstrate that SDS++ significantly enhances trajectory planning capabilities, providing increased robustness against localization noise, and enabling the planning of trajectories that adapt to the current driving context.
△ Less
Submitted 3 June, 2024;
originally announced June 2024.
-
Analysis of the BraTS 2023 Intracranial Meningioma Segmentation Challenge
Authors:
Dominic LaBella,
Ujjwal Baid,
Omaditya Khanna,
Shan McBurney-Lin,
Ryan McLean,
Pierre Nedelec,
Arif Rashid,
Nourel Hoda Tahon,
Talissa Altes,
Radhika Bhalerao,
Yaseen Dhemesh,
Devon Godfrey,
Fathi Hilal,
Scott Floyd,
Anastasia Janas,
Anahita Fathi Kazerooni,
John Kirkpatrick,
Collin Kent,
Florian Kofler,
Kevin Leu,
Nazanin Maleki,
Bjoern Menze,
Maxence Pajot,
Zachary J. Reitman,
Jeffrey D. Rudie
, et al. (97 additional authors not shown)
Abstract:
We describe the design and results from the BraTS 2023 Intracranial Meningioma Segmentation Challenge. The BraTS Meningioma Challenge differed from prior BraTS Glioma challenges in that it focused on meningiomas, which are typically benign extra-axial tumors with diverse radiologic and anatomical presentation and a propensity for multiplicity. Nine participating teams each developed deep-learning…
▽ More
We describe the design and results from the BraTS 2023 Intracranial Meningioma Segmentation Challenge. The BraTS Meningioma Challenge differed from prior BraTS Glioma challenges in that it focused on meningiomas, which are typically benign extra-axial tumors with diverse radiologic and anatomical presentation and a propensity for multiplicity. Nine participating teams each developed deep-learning automated segmentation models using image data from the largest multi-institutional systematically expert annotated multilabel multi-sequence meningioma MRI dataset to date, which included 1000 training set cases, 141 validation set cases, and 283 hidden test set cases. Each case included T2, FLAIR, T1, and T1Gd brain MRI sequences with associated tumor compartment labels delineating enhancing tumor, non-enhancing tumor, and surrounding non-enhancing FLAIR hyperintensity. Participant automated segmentation models were evaluated and ranked based on a scoring system evaluating lesion-wise metrics including dice similarity coefficient (DSC) and 95% Hausdorff Distance. The top ranked team had a lesion-wise median dice similarity coefficient (DSC) of 0.976, 0.976, and 0.964 for enhancing tumor, tumor core, and whole tumor, respectively and a corresponding average DSC of 0.899, 0.904, and 0.871, respectively. These results serve as state-of-the-art benchmarks for future pre-operative meningioma automated segmentation algorithms. Additionally, we found that 1286 of 1424 cases (90.3%) had at least 1 compartment voxel abutting the edge of the skull-stripped image edge, which requires further investigation into optimal pre-processing face anonymization steps.
△ Less
Submitted 7 March, 2025; v1 submitted 15 May, 2024;
originally announced May 2024.
-
Vision-Radio Experimental Infrastructure Architecture Towards 6G
Authors:
Filipe B. Teixeira,
Manuel Ricardo,
André Coelho,
Hélder P. Oliveira,
Paula Viana,
Nuno Paulino,
Helder Fontes,
Paulo Marques,
Rui Campos,
Luis M. Pessoa
Abstract:
Telecommunications and computer vision have evolved separately so far. Yet, with the shift to sub-terahertz (sub-THz) and terahertz (THz) radio communications, there is an opportunity to explore computer vision technologies together with radio communications, considering the dependency of both technologies on Line of Sight. The combination of radio sensing and computer vision can address challenge…
▽ More
Telecommunications and computer vision have evolved separately so far. Yet, with the shift to sub-terahertz (sub-THz) and terahertz (THz) radio communications, there is an opportunity to explore computer vision technologies together with radio communications, considering the dependency of both technologies on Line of Sight. The combination of radio sensing and computer vision can address challenges such as obstructions and poor lighting. Also, machine learning algorithms, capable of processing multimodal data, play a crucial role in deriving insights from raw and low-level sensing data, offering a new level of abstraction that can enhance various applications and use cases such as beamforming and terminal handovers.
This paper introduces CONVERGE, a pioneering vision-radio paradigm that bridges this gap by leveraging Integrated Sensing and Communication (ISAC) to facilitate a dual "View-to-Communicate, Communicate-to-View" approach. CONVERGE offers tools that merge wireless communications and computer vision, establishing a novel Research Infrastructure (RI) that will be open to the scientific community and capable of providing open datasets. This new infrastructure will support future research in 6G and beyond concerning multiple verticals, such as telecommunications, automotive, manufacturing, media, and health.
△ Less
Submitted 12 April, 2024; v1 submitted 29 February, 2024;
originally announced February 2024.
-
Safety-Oriented Calibration and Evaluation of the Intelligent Driver Model
Authors:
Kingsley Adjenughwure,
Arturo Tejada,
Pedro F. V. Oliveira,
Jeroen Hogema,
Gerdien Klunder
Abstract:
Many car-following models like the Intelligent Driver Model (IDM) incorporate important aspects of safety in their definitions, such as collision-free driving and keeping safe distances, implying that drivers are safety conscious when driving. Despite their safety-oriented nature, when calibrating and evaluating these models, the main objective of most studies is to find model parameters that mini…
▽ More
Many car-following models like the Intelligent Driver Model (IDM) incorporate important aspects of safety in their definitions, such as collision-free driving and keeping safe distances, implying that drivers are safety conscious when driving. Despite their safety-oriented nature, when calibrating and evaluating these models, the main objective of most studies is to find model parameters that minimize the error in observed measurements like spacing and speed while studies specifically focused on calibrating and evaluating unobserved safe behavior captured by the parameters of the model are scarce. Most studies on calibration and evaluation of the IDM do not check if the observed driving behavior (i.e. spacing) are within the model estimated unobserved safety thresholds (i.e. desired safety spacing) or what parameters are important for safety. This limits their application for safety driven traffic simulations. To fill this gap, this paper first proposes a simple metric to evaluate driver compliance with the safety thresholds of the IDM model. Specifically, we evaluate driver compliance to their desired safety spacing, speed and safe time gap. Next, a method to enforce compliance to the safety threshold during model calibration is proposed. The proposed compliance metric and the calibration approach is tested using Dutch highway trajectory data obtained from a driving simulator experiment and two drones. The results show that compliance to the IDM safety threshold greatly depends on braking capability with a median compliance between 38% and 90% of driving time, indicating that drivers can only partially follow the IDM safety threshold in reality.
△ Less
Submitted 19 July, 2024; v1 submitted 6 October, 2023;
originally announced October 2023.
-
A Snapshot of the Mental Health of Software Professionals
Authors:
Eduardo Santana de Almeida,
Ingrid Oliveira de Nunes,
Raphael Pereira de Oliveira,
Michelle Larissa Luciano Carvalho,
Andre Russowsky Brunoni,
Shiyue Rong,
Iftekhar Ahmed
Abstract:
Mental health disorders affect a large number of people, leading to many lives being lost every year. These disorders affect struggling individuals and businesses whose productivity decreases due to days of lost work or lower employee performance. Recent studies provide alarming numbers of individuals who suffer from mental health disorders, e.g., depression and anxiety, in particular contexts, su…
▽ More
Mental health disorders affect a large number of people, leading to many lives being lost every year. These disorders affect struggling individuals and businesses whose productivity decreases due to days of lost work or lower employee performance. Recent studies provide alarming numbers of individuals who suffer from mental health disorders, e.g., depression and anxiety, in particular contexts, such as academia. In the context of the software industry, there are limited studies that aim to understand the presence of mental health disorders and the characteristics of jobs in this context that can be triggers for the deterioration of the mental health of software professionals. In this paper, we present the results of a survey with 500 software professionals. We investigate different aspects of their mental health and the characteristics of their work to identify possible triggers of mental health deterioration. Our results provide the first evidence that mental health is a critical issue to be addressed in the software industry, as well as raise the direction of changes that can be done in this context to improve the mental health of software professionals.
△ Less
Submitted 29 September, 2023;
originally announced September 2023.
-
Emotion4MIDI: a Lyrics-based Emotion-Labeled Symbolic Music Dataset
Authors:
Serkan Sulun,
Pedro Oliveira,
Paula Viana
Abstract:
We present a new large-scale emotion-labeled symbolic music dataset consisting of 12k MIDI songs. To create this dataset, we first trained emotion classification models on the GoEmotions dataset, achieving state-of-the-art results with a model half the size of the baseline. We then applied these models to lyrics from two large-scale MIDI datasets. Our dataset covers a wide range of fine-grained em…
▽ More
We present a new large-scale emotion-labeled symbolic music dataset consisting of 12k MIDI songs. To create this dataset, we first trained emotion classification models on the GoEmotions dataset, achieving state-of-the-art results with a model half the size of the baseline. We then applied these models to lyrics from two large-scale MIDI datasets. Our dataset covers a wide range of fine-grained emotions, providing a valuable resource to explore the connection between music and emotions and, especially, to develop models that can generate music based on specific emotions. Our code for inference, trained models, and datasets are available online.
△ Less
Submitted 27 July, 2023;
originally announced July 2023.
-
RobôCIn Small Size League Extended Team Description Paper for RoboCup 2023
Authors:
Aline Lima de Oliveira,
Cauê Addae da Silva Gomes,
Cecília Virginia Santos da Silva,
Charles Matheus de Sousa Alves,
Danilo Andrade Martins de Souza,
Driele Pires Ferreira Araújo Xavier,
Edgleyson Pereira da Silva,
Felipe Bezerra Martins,
Lucas Henrique Cavalcanti Santos,
Lucas Dias Maciel,
Matheus Paixão Gumercindo dos Santos,
Matheus Lafayette Vasconcelos,
Matheus Vinícius Teotonio do Nascimento Andrade,
João Guilherme Oliveira Carvalho de Melo,
João Pedro Souza Pereira de Moura,
José Ronald da Silva,
José Victor Silva Cruz,
Pedro Henrique Santana de Morais,
Pedro Paulo Salman de Oliveira,
Riei Joaquim Matos Rodrigues,
Roberto Costa Fernandes,
Ryan Vinicius Santos Morais,
Tamara Mayara Ramos Teobaldo,
Washington Igor dos Santos Silva,
Edna Natividade Silva Barros
Abstract:
RobôCIn has participated in RoboCup Small Size League since 2019, won its first world title in 2022 (Division B), and is currently a three-times Latin-American champion. This paper presents our improvements to defend the Small Size League (SSL) division B title in RoboCup 2023 in Bordeaux, France. This paper aims to share some of the academic research that our team developed over the past year. Ou…
▽ More
RobôCIn has participated in RoboCup Small Size League since 2019, won its first world title in 2022 (Division B), and is currently a three-times Latin-American champion. This paper presents our improvements to defend the Small Size League (SSL) division B title in RoboCup 2023 in Bordeaux, France. This paper aims to share some of the academic research that our team developed over the past year. Our team has successfully published 2 articles related to SSL at two high-impact conferences: the 25th RoboCup International Symposium and the 19th IEEE Latin American Robotics Symposium (LARS 2022). Over the last year, we have been continuously migrating from our past codebase to Unification. We will describe the new architecture implemented and some points of software and AI refactoring. In addition, we discuss the process of integrating machined components into the mechanical system, our development for participating in the vision blackout challenge last year and what we are preparing for this year.
△ Less
Submitted 19 July, 2023;
originally announced July 2023.
-
An interpretable machine learning system for colorectal cancer diagnosis from pathology slides
Authors:
Pedro C. Neto,
Diana Montezuma,
Sara P. Oliveira,
Domingos Oliveira,
João Fraga,
Ana Monteiro,
João Monteiro,
Liliana Ribeiro,
Sofia Gonçalves,
Stefan Reinhard,
Inti Zlobec,
Isabel M. Pinto,
Jaime S. Cardoso
Abstract:
Considering the profound transformation affecting pathology practice, we aimed to develop a scalable artificial intelligence (AI) system to diagnose colorectal cancer from whole-slide images (WSI). For this, we propose a deep learning (DL) system that learns from weak labels, a sampling strategy that reduces the number of training samples by a factor of six without compromising performance, an app…
▽ More
Considering the profound transformation affecting pathology practice, we aimed to develop a scalable artificial intelligence (AI) system to diagnose colorectal cancer from whole-slide images (WSI). For this, we propose a deep learning (DL) system that learns from weak labels, a sampling strategy that reduces the number of training samples by a factor of six without compromising performance, an approach to leverage a small subset of fully annotated samples, and a prototype with explainable predictions, active learning features and parallelisation. Noting some problems in the literature, this study is conducted with one of the largest WSI colorectal samples dataset with approximately 10,500 WSIs. Of these samples, 900 are testing samples. Furthermore, the robustness of the proposed method is assessed with two additional external datasets (TCGA and PAIP) and a dataset of samples collected directly from the proposed prototype. Our proposed method predicts, for the patch-based tiles, a class based on the severity of the dysplasia and uses that information to classify the whole slide. It is trained with an interpretable mixed-supervision scheme to leverage the domain knowledge introduced by pathologists through spatial annotations. The mixed-supervision scheme allowed for an intelligent sampling strategy effectively evaluated in several different scenarios without compromising the performance. On the internal dataset, the method shows an accuracy of 93.44% and a sensitivity between positive (low-grade and high-grade dysplasia) and non-neoplastic samples of 0.996. On the external test samples varied with TCGA being the most challenging dataset with an overall accuracy of 84.91% and a sensitivity of 0.996.
△ Less
Submitted 30 April, 2024; v1 submitted 6 January, 2023;
originally announced January 2023.
-
Transfer-learning for video classification: Video Swin Transformer on multiple domains
Authors:
Daniel A. P. Oliveira,
David Martins de Matos
Abstract:
The computer vision community has seen a shift from convolutional-based to pure transformer architectures for both image and video tasks. Training a transformer from zero for these tasks usually requires a lot of data and computational resources. Video Swin Transformer (VST) is a pure-transformer model developed for video classification which achieves state-of-the-art results in accuracy and effic…
▽ More
The computer vision community has seen a shift from convolutional-based to pure transformer architectures for both image and video tasks. Training a transformer from zero for these tasks usually requires a lot of data and computational resources. Video Swin Transformer (VST) is a pure-transformer model developed for video classification which achieves state-of-the-art results in accuracy and efficiency on several datasets. In this paper, we aim to understand if VST generalizes well enough to be used in an out-of-domain setting. We study the performance of VST on two large-scale datasets, namely FCVID and Something-Something using a transfer learning approach from Kinetics-400, which requires around 4x less memory than training from scratch. We then break down the results to understand where VST fails the most and in which scenarios the transfer-learning approach is viable. Our experiments show an 85\% top-1 accuracy on FCVID without retraining the whole model which is equal to the state-of-the-art for the dataset and a 21\% accuracy on Something-Something. The experiments also suggest that the performance of the VST decreases on average when the video duration increases which seems to be a consequence of a design choice of the model. From the results, we conclude that VST generalizes well enough to classify out-of-domain videos without retraining when the target classes are from the same type as the classes used to train the model. We observed this effect when we performed transfer-learning from Kinetics-400 to FCVID, where most datasets target mostly objects. On the other hand, if the classes are not from the same type, then the accuracy after the transfer-learning approach is expected to be poor. We observed this effect when we performed transfer-learning from Kinetics-400, where the classes represent mostly objects, to Something-Something, where the classes represent mostly actions.
△ Less
Submitted 28 March, 2025; v1 submitted 18 October, 2022;
originally announced October 2022.
-
TMIC: App Inventor Extension for the Deployment of Image Classification Models Exported from Teachable Machine
Authors:
Fabiano Pereira de Oliveira,
Christiane Gresse von Wangenheim,
Jean C. R. Hauck
Abstract:
TMIC is an App Inventor extension for the deployment of ML models for image classification developed with Google Teachable Machine in educational settings. Google Teachable Machine, is an intuitive visual tool that provides workflow-oriented support for the development of ML models for image classification. Aiming at the usage of models developed with Google Teachable Machine, the extension TMIC e…
▽ More
TMIC is an App Inventor extension for the deployment of ML models for image classification developed with Google Teachable Machine in educational settings. Google Teachable Machine, is an intuitive visual tool that provides workflow-oriented support for the development of ML models for image classification. Aiming at the usage of models developed with Google Teachable Machine, the extension TMIC enables the deployment of the trained models exported as TensorFlow.js to Google Cloud as part of App Inventor, one of the most popular block-based programming environments for teaching computing in K-12. The extension was created with the App Inventor extension framework based on the extension PIC and is available under the BSD 3 license. It can be used for teaching ML in K-12, in introductory courses in higher education or by anyone interested in creating intelligent apps with image classification. The extension TMIC is being developed by the initiative Computação na Escola of the Department of Informatics and Statistics at the Federal University of Santa Catarina/Brazil as part of a research effort aiming at introducing AI education in K-12.
△ Less
Submitted 30 August, 2022; v1 submitted 24 August, 2022;
originally announced August 2022.
-
ABL: An original active blacklist based on a modification of the SMTP
Authors:
Pablo M. Oliveira,
Mateus B. Vieira,
Isaac C. Ferreira,
João P. R. R. Leite,
Edvard M. Oliveira,
Bruno T. Kuehne,
Edmilson M. Moreira,
Otávio A. S. Carpinteiro
Abstract:
This paper presents a novel Active Blacklist (ABL) based on a modification of the Simple Mail Transfer Protocol (SMTP). ABL was implemented in the Mail Transfer Agent (MTA) Postfix of the e-mail server Zimbra and assessed exhaustively in a series of experiments. The modified server Zimbra showed computational performance and costs similar to those of the original server Zimbra when receiving legit…
▽ More
This paper presents a novel Active Blacklist (ABL) based on a modification of the Simple Mail Transfer Protocol (SMTP). ABL was implemented in the Mail Transfer Agent (MTA) Postfix of the e-mail server Zimbra and assessed exhaustively in a series of experiments. The modified server Zimbra showed computational performance and costs similar to those of the original server Zimbra when receiving legitimate e-mails. When receiving spam, however, it showed better computing performance and costs than the original Zimbra. Moreover, there was a considerable computational cost on the spammer's server when it sent spam e-mails. ABL was assessed at the Federal University of Itajubá, Brazil, during a period of sixty-one days. It was responsible for rejecting a percentage of 20.94% of the spam e-mails received by the university during this period. After this period, it was deployed and remained in use, from July-2015 to July-2019, at the university. ABL is part of the new Open Machine-Learning-Based Anti-Spam (Open-MaLBAS). Both ABL and Open-MaLBAS are freely available on GitHub.
△ Less
Submitted 22 August, 2022;
originally announced August 2022.
-
Analysis of account behaviors in Ethereum during an economic impact event
Authors:
Pedro Henrique F. S. Oliveira,
Daniel Muller Rezende,
Heder Soares Bernardino,
Saulo Moraes Villela,
Alex Borges Vieira
Abstract:
One of the main events that involve the world economy in 2022 is the conflict between Russia and Ukraine. This event offers a rare opportunity to analyze how events of this magnitude can reflect the use of cryptocurrencies. This work aims to investigate the behavior of accounts and their transactions on the Ethereum cryptocurrency during this event. To this end, we collected all transactions that…
▽ More
One of the main events that involve the world economy in 2022 is the conflict between Russia and Ukraine. This event offers a rare opportunity to analyze how events of this magnitude can reflect the use of cryptocurrencies. This work aims to investigate the behavior of accounts and their transactions on the Ethereum cryptocurrency during this event. To this end, we collected all transactions that occurred two weeks before and two weeks after the beginning of the conflict, organized into two groups: the collection of the accounts involved in these transactions and the subset of these ones that interacted with a service in Ethereum, called Flashbots Auction. We modeled temporal graphs where each node represents an account, and each edge represents a transaction between two accounts. Then, we analyzed the behavior of these accounts with graph metrics for both groups during each observed week. The results showed changes in the behavior and activity of users and their accounts, as well as variations in the daily volume of transactions.
△ Less
Submitted 22 June, 2022;
originally announced June 2022.
-
Brazilian COVID-19 data streaming
Authors:
Nívea B. da Silva,
Luis Iván O. Valencia,
Fábio M. H. S. Filho,
Andressa C. S. Ferreira,
Felipe A. C. Pereira,
Guilherme L. de Oliveira,
Paloma F. Oliveira,
Moreno S. Rodrigues,
Pablo I. P. Ramos,
Juliane F. Oliveira
Abstract:
We collected individualized (unidentifiable) and aggregated openly available data from various sources related to suspected/confirmed SARS-CoV-2 infections, vaccinations, non-pharmaceutical government interventions, human mobility, and levels of population inequality in Brazil. In addition, a data structure allowing real-time data collection, curation, integration, and extract-transform-load proce…
▽ More
We collected individualized (unidentifiable) and aggregated openly available data from various sources related to suspected/confirmed SARS-CoV-2 infections, vaccinations, non-pharmaceutical government interventions, human mobility, and levels of population inequality in Brazil. In addition, a data structure allowing real-time data collection, curation, integration, and extract-transform-load processes for different objectives was developed. The granularity of this dataset (state- and municipality-wide) enables its application to individualized and ecological epidemiological studies, statistical, mathematical, and computational modeling, data visualization as well as the scientific dissemination of information on the COVID-19 pandemic in Brazil.
△ Less
Submitted 10 May, 2022;
originally announced May 2022.
-
Topological Similarity Index and Loss Function for Blood Vessel Segmentation
Authors:
R. J. Araújo,
J. S. Cardoso,
H. P. Oliveira
Abstract:
Blood vessel segmentation is one of the most studied topics in computer vision, due to its relevance in daily clinical practice. Despite the evolution the field has been facing, especially after the dawn of deep learning, important challenges are still not solved. One of them concerns the consistency of the topological properties of the vascular trees, given that the best performing methodologies…
▽ More
Blood vessel segmentation is one of the most studied topics in computer vision, due to its relevance in daily clinical practice. Despite the evolution the field has been facing, especially after the dawn of deep learning, important challenges are still not solved. One of them concerns the consistency of the topological properties of the vascular trees, given that the best performing methodologies do not directly penalize mistakes such as broken segments and end up producing predictions with disconnected trees. This is particularly relevant in graph-like structures, such as blood vessel trees, given that it puts at risk the characterization steps that follow the segmentation task. In this paper, we propose a similarity index which captures the topological consistency of the predicted segmentations having as reference the ground truth. We also design a novel loss function based on the morphological closing operator and show how it allows to learn deep neural network models which produce more topologically coherent masks. Our experiments target well known retinal benchmarks and a coronary angiogram database.
△ Less
Submitted 30 July, 2021;
originally announced July 2021.
-
Issue Auto-Assignment in Software Projects with Machine Learning Techniques
Authors:
Pedro Oliveira,
Rossana M. C. Andrade,
Tales P. Nogueira,
Isaac Barreto,
Leandro Morais Bueno
Abstract:
Usually, managers or technical leaders in software projects assign issues manually. This task may become more complex as more detailed is the issue description. This complexity can also make the process more prone to errors (misassignments) and time-consuming. In the literature, many studies aim to address this problem by using machine learning strategies. Although there is no specific solution th…
▽ More
Usually, managers or technical leaders in software projects assign issues manually. This task may become more complex as more detailed is the issue description. This complexity can also make the process more prone to errors (misassignments) and time-consuming. In the literature, many studies aim to address this problem by using machine learning strategies. Although there is no specific solution that works for all companies, experience reports are useful to guide the choices in industrial auto-assignment projects. This paper presents an industrial initiative conducted in a global electronics company that aims to minimize the time spent and the errors that can arise in the issue assignment process. As main contributions, we present a literature review, an industrial report comparing different algorithms, and lessons learned during the project.
△ Less
Submitted 4 April, 2021;
originally announced April 2021.
-
Software Development During COVID-19 Pandemic: an Analysis of Stack Overflow and GitHub
Authors:
Pedro Almir Martins de Oliveira,
Pedro de Alcântara dos Santos Neto,
Gleison Silva,
Irvayne Ibiapina,
Werney Lira,
Rossana Maria de Castro Andrade
Abstract:
The new coronavirus became a severe health issue for the world. This situation has motivated studies of different areas to combat this pandemic. In software engineering, we point out data visualization projects to follow the disease evolution, machine learning to estimate the pandemic behavior, and computer vision processing radiologic images. Most of these projects are stored in version control s…
▽ More
The new coronavirus became a severe health issue for the world. This situation has motivated studies of different areas to combat this pandemic. In software engineering, we point out data visualization projects to follow the disease evolution, machine learning to estimate the pandemic behavior, and computer vision processing radiologic images. Most of these projects are stored in version control systems, and there are discussions about them in Question & Answer websites. In this work, we conducted a Mining Software Repository on a large number of questions and projects aiming to find trends that could help researchers and practitioners to fight against the coronavirus. We analyzed 1,190 questions from Stack Overflow and Data Science Q\&A and 60,352 GitHub projects. We identified a correlation between the questions and projects throughout the pandemic. The main questions about coronavirus are how-to, related to web scraping and data visualization, using Python, JavaScript, and R. The most recurrent GitHub projects are machine learning projects, using JavaScript, Python, and Java.
△ Less
Submitted 9 March, 2021;
originally announced March 2021.
-
Batchwise Probabilistic Incremental Data Cleaning
Authors:
Paulo H. Oliveira,
Daniel S. Kaster,
Caetano Traina-Jr.,
Ihab F. Ilyas
Abstract:
Lack of data and data quality issues are among the main bottlenecks that prevent further artificial intelligence adoption within many organizations, pushing data scientists to spend most of their time cleaning data before being able to answer analytical questions. Hence, there is a need for more effective and efficient data cleaning solutions, which, not surprisingly, is rife with theoretical and…
▽ More
Lack of data and data quality issues are among the main bottlenecks that prevent further artificial intelligence adoption within many organizations, pushing data scientists to spend most of their time cleaning data before being able to answer analytical questions. Hence, there is a need for more effective and efficient data cleaning solutions, which, not surprisingly, is rife with theoretical and engineering problems. This report addresses the problem of performing holistic data cleaning incrementally, given a fixed rule set and an evolving categorical relational dataset acquired in sequential batches. To the best of our knowledge, our contributions compose the first incremental framework that cleans data (i) independently of user interventions, (ii) without requiring knowledge about the incoming dataset, such as the number of classes per attribute, and (iii) holistically, enabling multiple error types to be repaired simultaneously, and thus avoiding conflicting repairs. Extensive experiments show that our approach outperforms the competitors with respect to repair quality, execution time, and memory consumption.
△ Less
Submitted 9 November, 2020;
originally announced November 2020.
-
Sequence-guided protein structure determination using graph convolutional and recurrent networks
Authors:
Po-Nan Li,
Saulo H. P. de Oliveira,
Soichi Wakatsuki,
Henry van den Bedem
Abstract:
Single particle, cryogenic electron microscopy (cryo-EM) experiments now routinely produce high-resolution data for large proteins and their complexes. Building an atomic model into a cryo-EM density map is challenging, particularly when no structure for the target protein is known a priori. Existing protocols for this type of task often rely on significant human intervention and can take hours to…
▽ More
Single particle, cryogenic electron microscopy (cryo-EM) experiments now routinely produce high-resolution data for large proteins and their complexes. Building an atomic model into a cryo-EM density map is challenging, particularly when no structure for the target protein is known a priori. Existing protocols for this type of task often rely on significant human intervention and can take hours to many days to produce an output. Here, we present a fully automated, template-free model building approach that is based entirely on neural networks. We use a graph convolutional network (GCN) to generate an embedding from a set of rotamer-based amino acid identities and candidate 3-dimensional C$α$ locations. Starting from this embedding, we use a bidirectional long short-term memory (LSTM) module to order and label the candidate identities and atomic locations consistent with the input protein sequence to obtain a structural model. Our approach paves the way for determining protein structures from cryo-EM densities at a fraction of the time of existing approaches and without the need for human intervention.
△ Less
Submitted 2 September, 2020; v1 submitted 14 July, 2020;
originally announced July 2020.
-
Dense Non-Rigid Structure from Motion: A Manifold Viewpoint
Authors:
Suryansh Kumar,
Luc Van Gool,
Carlos E. P. de Oliveira,
Anoop Cherian,
Yuchao Dai,
Hongdong Li
Abstract:
Non-Rigid Structure-from-Motion (NRSfM) problem aims to recover 3D geometry of a deforming object from its 2D feature correspondences across multiple frames. Classical approaches to this problem assume a small number of feature points and, ignore the local non-linearities of the shape deformation, and therefore, struggles to reliably model non-linear deformations. Furthermore, available dense NRSf…
▽ More
Non-Rigid Structure-from-Motion (NRSfM) problem aims to recover 3D geometry of a deforming object from its 2D feature correspondences across multiple frames. Classical approaches to this problem assume a small number of feature points and, ignore the local non-linearities of the shape deformation, and therefore, struggles to reliably model non-linear deformations. Furthermore, available dense NRSfM algorithms are often hurdled by scalability, computations, noisy measurements and, restricted to model just global deformation. In this paper, we propose algorithms that can overcome these limitations with the previous methods and, at the same time, can recover a reliable dense 3D structure of a non-rigid object with higher accuracy. Assuming that a deforming shape is composed of a union of local linear subspace and, span a global low-rank space over multiple frames enables us to efficiently model complex non-rigid deformations. To that end, each local linear subspace is represented using Grassmannians and, the global 3D shape across multiple frames is represented using a low-rank representation. We show that our approach significantly improves accuracy, scalability, and robustness against noise. Also, our representation naturally allows for simultaneous reconstruction and clustering framework which in general is observed to be more suitable for NRSfM problems. Our method currently achieves leading performance on the standard benchmark datasets.
△ Less
Submitted 15 June, 2020;
originally announced June 2020.
-
Non-maximal sensitivity to synchronism in periodic elementary cellular automata: exact asymptotic measures
Authors:
Pedro P. B. de Oliveira,
Enrico Formenti,
Kévin Perrot,
Sara Riva,
Eurico L. P. Ruivo
Abstract:
In [11] and [13] the authors showed that elementary cellular automata rules 0, 3, 8, 12, 15, 28, 32, 34, 44, 51, 60, 128, 136, 140, 160, 162, 170, 200 and 204 (and their conjugation, reflection, reflected-conjugation) are not maximum sensitive to synchronism, i.e. they do not have a different dynamics for each (non-equivalent) block-sequential update schedule (defined as ordered partitions of cell…
▽ More
In [11] and [13] the authors showed that elementary cellular automata rules 0, 3, 8, 12, 15, 28, 32, 34, 44, 51, 60, 128, 136, 140, 160, 162, 170, 200 and 204 (and their conjugation, reflection, reflected-conjugation) are not maximum sensitive to synchronism, i.e. they do not have a different dynamics for each (non-equivalent) block-sequential update schedule (defined as ordered partitions of cell positions). In this work we present exact measurements of the sensitivity to synchronism for these rules, as functions of the size. These exhibit a surprising variety of values and associated proof methods, such as the special pairs of rule 128, and the connection to the bissection of Lucas numbers of rule 8.
△ Less
Submitted 23 July, 2020; v1 submitted 15 April, 2020;
originally announced April 2020.
-
HPIM-DM: a fast and reliable dense-mode multicast routing protocol (extended version)
Authors:
Pedro Oliveira,
Alexandre Silva,
Rui Valadas
Abstract:
This paper proposes the HPIM-DM (Hard-state Protocol Independent Multicast - Dense Mode) multicast routing protocol. HPIM-DM is a hard-state version of PIM-DM that keeps its main characteristics but has faster convergence and better resilience to replay attacks. Like PIM-DM, HPIM-DM is meant for dense networks and supports its operation on a unicast routing protocol and reverse path forwarding che…
▽ More
This paper proposes the HPIM-DM (Hard-state Protocol Independent Multicast - Dense Mode) multicast routing protocol. HPIM-DM is a hard-state version of PIM-DM that keeps its main characteristics but has faster convergence and better resilience to replay attacks. Like PIM-DM, HPIM-DM is meant for dense networks and supports its operation on a unicast routing protocol and reverse path forwarding checks. However, routers maintain sense of the multicast trees at all times, allowing fast reconfiguration in the presence of network failures or unicast route changes. This is achieved by (i) keeping information on all upstream neighbors from which multicast data can be received, (ii) ensuring the reliable transmission and sequencing of control messages, and (iii) synchronizing the routing information immediately when a new router joins the network. The protocol was fully implemented in Python, and the implementation is publicly available. Finally, the correctness of the protocol was extensively validated using model checking, logical reasoning and tests performed over the protocol implementation.
△ Less
Submitted 12 October, 2022; v1 submitted 16 February, 2020;
originally announced February 2020.
-
Computer Aided Detection of Deep Inferior Epigastric Perforators in Computed Tomography Angiography scans
Authors:
Ricardo J. Araújo,
Vera Garrido,
Catarina A. Baraças,
Maria A. Vasconcelos,
Carlos Mavioso,
João C. Anacleto,
Maria J. Cardoso,
Hélder P. Oliveira
Abstract:
The deep inferior epigastric artery perforator (DIEAP) flap is the most common free flap used for breast reconstruction after a mastectomy. It makes use of the skin and fat of the lower abdomen to build a new breast mound either at the same time of the mastectomy or in a second surgery. This operation requires preoperative imaging studies to evaluate the branches - the perforators - that irrigate…
▽ More
The deep inferior epigastric artery perforator (DIEAP) flap is the most common free flap used for breast reconstruction after a mastectomy. It makes use of the skin and fat of the lower abdomen to build a new breast mound either at the same time of the mastectomy or in a second surgery. This operation requires preoperative imaging studies to evaluate the branches - the perforators - that irrigate the tissue that will be used to reconstruct the breast mound. These branches will support tissue viability after the microsurgical ligation of the inferior epigastric vessels to the receptor vessels in the thorax. Usually through a Computed Tomography Angiography (CTA), each perforator, diameter and direction is manually identified by the imaging team, who will subsequently draw a map for the identification of the best vascular support for the reconstruction. In the current work we propose a semi-automatic methodology that aims at reducing the time and subjectivity inherent to the manual annotation. In 21 CTAs from patients proposed for breast reconstruction with DIEAP flaps, the subcutaneous region of each perforator was extracted, by means of a tracking procedure, whereas the intramuscular portion was detected through a minimum cost approach. Both were subsequently compared with the radiologist manual annotation. Results showed that the semi-automatic procedure was able to correctly detect the course of the DIEAPs with a minimum error (average error of 0.64 mm and 0.50 mm regarding the extraction of subcutaneous and intramuscular paths, respectively). The objective methodology is a promising tool in the automatic detection of perforators in CTA and can contribute to spare human resources and reduce subjectivity in the aforementioned task.
△ Less
Submitted 24 July, 2019;
originally announced July 2019.
-
Modeling, comprehending and summarizing textual content by graphs
Authors:
Vinicius Woloszyn,
Guilherme Medeiros Machado,
Leandro Krug Wives,
José Palazzo Moreira de Oliveira
Abstract:
Automatic Text Summarization strategies have been successfully employed to digest text collections and extract its essential content. Usually, summaries are generated using textual corpora that belongs to the same domain area where the summary will be used. Nonetheless, there are special cases where it is not found enough textual sources, and one possible alternative is to generate a summary from…
▽ More
Automatic Text Summarization strategies have been successfully employed to digest text collections and extract its essential content. Usually, summaries are generated using textual corpora that belongs to the same domain area where the summary will be used. Nonetheless, there are special cases where it is not found enough textual sources, and one possible alternative is to generate a summary from a different domain. One manner to summarize texts consists of using a graph model. This model allows giving more importance to words corresponding to the main concepts from the target domain found in the summarized text. This gives the reader an overview of the main text concepts as well as their relationships. However, this kind of summarization presents a significant number of repeated terms when compared to human-generated summaries. In this paper, we present an approach to produce graph-model extractive summaries of texts, meeting the target domain exigences and treating the terms repetition problem. To evaluate the proposition, we performed a series of experiments showing that the proposed approach statistically improves the performance of a model based on Graph Centrality, achieving better coverage, accuracy, and recall.
△ Less
Submitted 1 July, 2018;
originally announced July 2018.
-
Complex Network Tools to Understand the Behavior of Criminality in Urban Areas
Authors:
Gabriel Spadon,
Lucas C. Scabora,
Marcus V. S. Araujo,
Paulo H. Oliveira,
Bruno B. Machado,
Elaine P. M. Sousa,
Caetano Traina-Jr,
Jose F. Rodrigues-Jr
Abstract:
Complex networks are nowadays employed in several applications. Modeling urban street networks is one of them, and in particular to analyze criminal aspects of a city. Several research groups have focused on such application, but until now, there is a lack of a well-defined methodology for employing complex networks in a whole crime analysis process, i.e. from data preparation to a deep analysis o…
▽ More
Complex networks are nowadays employed in several applications. Modeling urban street networks is one of them, and in particular to analyze criminal aspects of a city. Several research groups have focused on such application, but until now, there is a lack of a well-defined methodology for employing complex networks in a whole crime analysis process, i.e. from data preparation to a deep analysis of criminal communities. Furthermore, the "toolset" available for those works is not complete enough, also lacking techniques to maintain up-to-date, complete crime datasets and proper assessment measures. In this sense, we propose a threefold methodology for employing complex networks in the detection of highly criminal areas within a city. Our methodology comprises three tasks: (i) Mapping of Urban Crimes; (ii) Criminal Community Identification; and (iii) Crime Analysis. Moreover, it provides a proper set of assessment measures for analyzing intrinsic criminality of communities, especially when considering different crime types. We show our methodology by applying it to a real crime dataset from the city of San Francisco - CA, USA. The results confirm its effectiveness to identify and analyze high criminality areas within a city. Hence, our contributions provide a basis for further developments on complex networks applied to crime analysis.
△ Less
Submitted 24 December, 2016; v1 submitted 19 December, 2016;
originally announced December 2016.
-
Restoring STM images via Sparse Coding: noise and artifact removal
Authors:
João P. Oliveira,
Ana Bragança,
José Bioucas-Dias,
Mário Figueiredo,
Luís Alcácer,
Jorge Morgado,
Quirina Ferreira
Abstract:
In this article, we present a denoising algorithm to improve the interpretation and quality of scanning tunneling microscopy (STM) images. Given the high level of self-similarity of STM images, we propose a denoising algorithm by reformulating the true estimation problem as a sparse regression, often termed sparse coding. We introduce modifications to the algorithm to cope with the existence of ar…
▽ More
In this article, we present a denoising algorithm to improve the interpretation and quality of scanning tunneling microscopy (STM) images. Given the high level of self-similarity of STM images, we propose a denoising algorithm by reformulating the true estimation problem as a sparse regression, often termed sparse coding. We introduce modifications to the algorithm to cope with the existence of artifacts, mainly dropouts, which appear in a structured way as consecutive line segments on the scanning direction. The resulting algorithm treats the artifacts as missing data, and the estimated values outperform those algorithms that substitute the outliers by a local filtering. We provide code implementations for both Matlab and Gwyddion.
△ Less
Submitted 11 October, 2016;
originally announced October 2016.
-
Low-complexity Image and Video Coding Based on an Approximate Discrete Tchebichef Transform
Authors:
P. A. M. Oliveira,
R. J. Cintra,
F. M. Bayer,
S. Kulasekera,
A. Madanayake,
V. A. Coutinho
Abstract:
The usage of linear transformations has great relevance for data decorrelation applications, like image and video compression. In that sense, the discrete Tchebichef transform (DTT) possesses useful coding and decorrelation properties. The DTT transform kernel does not depend on the input data and fast algorithms can be developed to real time applications. However, the DTT fast algorithm presented…
▽ More
The usage of linear transformations has great relevance for data decorrelation applications, like image and video compression. In that sense, the discrete Tchebichef transform (DTT) possesses useful coding and decorrelation properties. The DTT transform kernel does not depend on the input data and fast algorithms can be developed to real time applications. However, the DTT fast algorithm presented in literature possess high computational complexity. In this work, we introduce a new low-complexity approximation for the DTT. The fast algorithm of the proposed transform is multiplication-free and requires a reduced number of additions and bit-shifting operations. Image and video compression simulations in popular standards shows good performance of the proposed transform. Regarding hardware resource consumption for FPGA shows 43.1% reduction of configurable logic blocks and ASIC place and route realization shows 57.7% reduction in the area-time figure when compared with the 2-D version of the exact DTT.
△ Less
Submitted 10 October, 2024; v1 submitted 24 September, 2016;
originally announced September 2016.
-
Cloud Empowered Self-Managing WSNs
Authors:
Gabriel Martins Dias,
Cintia Borges Margi,
Filipe C. P. de Oliveira,
Boris Bellalta
Abstract:
Wireless Sensor Networks (WSNs) are composed of low powered and resource-constrained wireless sensor nodes that are not capable of performing high-complexity algorithms. Integrating these networks into the Internet of Things (IoT) facilitates their real-time optimization based on remote data visualization and analysis. This work describes the design and implementation of a scalable system architec…
▽ More
Wireless Sensor Networks (WSNs) are composed of low powered and resource-constrained wireless sensor nodes that are not capable of performing high-complexity algorithms. Integrating these networks into the Internet of Things (IoT) facilitates their real-time optimization based on remote data visualization and analysis. This work describes the design and implementation of a scalable system architecture that integrates WSNs and cloud services to work autonomously in an IoT environment. The implementation relies on Software Defined Networking features to simplify the WSN management and exploits data analytics tools to execute a reinforcement learning algorithm that takes decisions based on the environment's evolution. It can automatically configure wireless sensor nodes to measure and transmit the temperature only at periods when the environment changes more often. Without any human intervention, the system could reduce nearly 85% the number of transmissions, showing the potential of this mechanism to extend WSNs lifetime without compromising the data quality. Besides attending to similar use cases, such a WSN autonomic management could promote a new business model to offer sensing tasks as a service, which is also introduced in this work.
△ Less
Submitted 13 July, 2016;
originally announced July 2016.
-
Verificarlo: checking floating point accuracy through Monte Carlo Arithmetic
Authors:
Christophe Denis,
Pablo De Oliveira Castro,
Eric Petit
Abstract:
Numerical accuracy of floating point computation is a well studied topic which has not made its way to the end-user in scientific computing. Yet, it has become a critical issue with the recent requirements for code modernization to harness new highly parallel hardware and perform higher resolution computation. To democratize numerical accuracy analysis, it is important to propose tools and methodo…
▽ More
Numerical accuracy of floating point computation is a well studied topic which has not made its way to the end-user in scientific computing. Yet, it has become a critical issue with the recent requirements for code modernization to harness new highly parallel hardware and perform higher resolution computation. To democratize numerical accuracy analysis, it is important to propose tools and methodologies to study large use cases in a reliable and automatic way. In this paper, we propose verificarlo, an extension to the LLVM compiler to automatically use Monte Carlo Arithmetic in a transparent way for the end-user. It supports all the major languages including C, C++, and Fortran. Unlike source-to-source approaches, our implementation captures the influence of compiler optimizations on the numerical accuracy. We illustrate how Monte Carlo Arithmetic using the verificarlo tool outperforms the existing approaches on various use cases and is a step toward automatic numerical analysis.
△ Less
Submitted 9 November, 2018; v1 submitted 4 September, 2015;
originally announced September 2015.
-
Computer-assisted independent study in mutivariate calculus
Authors:
L. Descalço,
Paula Carvalho,
J. P. Cruz,
Paula Oliveira,
Dina Seabra
Abstract:
Learning mathematics requires students to work in an independent way which is particularly challenging for such an abstract subject. Advancements in technology and, taking the student as the focus of his own learning, led to a change of paradigm in the design and development of educational contents. In this paper we describe the first experience with an interactive feedback and assessment tool (Si…
▽ More
Learning mathematics requires students to work in an independent way which is particularly challenging for such an abstract subject. Advancements in technology and, taking the student as the focus of his own learning, led to a change of paradigm in the design and development of educational contents. In this paper we describe the first experience with an interactive feedback and assessment tool (Siacua), based on parameterized math exercises, and explain how we use it to motivate student independent study in a multivariate calculus environment. We have defined an index about the subject, trying to make it consensual enough for being used in other courses about multivariate calculus. Then we have created a concept map, selected some existing parameterized true/false questions from PmatE project and classified them using our concept map, for being reused in our system. For complementing the course we have created about one hundred parameterized multiple choice question templates in system Megua and generated about one thousand instances for using in Siacua. Results based on data collected by this tool and also based on an informal survey are presented. This first experience allows us to conclude our approach has an important impact on student motivation and contributes to the success on learning multivariate calculus.
△ Less
Submitted 14 July, 2015;
originally announced July 2015.
-
Inflexibility and independence: Phase transitions in the majority-rule model
Authors:
Nuno Crokidakis,
Paulo Murilo Castro de Oliveira
Abstract:
In this work we study opinion formation in a population participating of a public debate with two distinct choices. We considered three distinct mechanisms of social interactions and individuals' behavior: conformity, nonconformity and inflexibility. The conformity is ruled by the majority-rule dynamics, whereas the nonconformity is introduced in the population as an independent behavior, implying…
▽ More
In this work we study opinion formation in a population participating of a public debate with two distinct choices. We considered three distinct mechanisms of social interactions and individuals' behavior: conformity, nonconformity and inflexibility. The conformity is ruled by the majority-rule dynamics, whereas the nonconformity is introduced in the population as an independent behavior, implying the failure to attempted group influence. Finally, the inflexible agents are introduced in the population with a given density. These individuals present a singular behavior, in a way that their stubbornness makes them reluctant to change their opinions. We consider these effects separately and all together, with the aim to analyze the critical behavior of the system. We performed numerical simulations in some lattice structures and for distinct population sizes, and our results suggest that the different formulations of the model undergo order-disorder phase transitions in the same universality class of the Ising model. Some of our results are complemented by analytical calculations.
△ Less
Submitted 19 November, 2015; v1 submitted 19 May, 2015;
originally announced May 2015.
-
A Discrete Tchebichef Transform Approximation for Image and Video Coding
Authors:
P. A. M. Oliveira,
R. J. Cintra,
F. M. Bayer,
S. Kulasekera,
A. Madanayake
Abstract:
In this paper, we introduce a low-complexity approximation for the discrete Tchebichef transform (DTT). The proposed forward and inverse transforms are multiplication-free and require a reduced number of additions and bit-shifting operations. Numerical compression simulations demonstrate the efficiency of the proposed transform for image and video coding. Furthermore, Xilinx Virtex-6 FPGA based ha…
▽ More
In this paper, we introduce a low-complexity approximation for the discrete Tchebichef transform (DTT). The proposed forward and inverse transforms are multiplication-free and require a reduced number of additions and bit-shifting operations. Numerical compression simulations demonstrate the efficiency of the proposed transform for image and video coding. Furthermore, Xilinx Virtex-6 FPGA based hardware realization shows 44.9% reduction in dynamic power consumption and 64.7% lower area when compared to the literature.
△ Less
Submitted 28 January, 2015;
originally announced February 2015.
-
Managing your Private and Public Data: Bringing down Inference Attacks against your Privacy
Authors:
Salman Salamatian,
Amy Zhang,
Flavio du Pin Calmon,
Sandilya Bhamidipati,
Nadia Fawaz,
Branislav Kveton,
Pedro Oliveira,
Nina Taft
Abstract:
We propose a practical methodology to protect a user's private data, when he wishes to publicly release data that is correlated with his private data, in the hope of getting some utility. Our approach relies on a general statistical inference framework that captures the privacy threat under inference attacks, given utility constraints. Under this framework, data is distorted before it is released,…
▽ More
We propose a practical methodology to protect a user's private data, when he wishes to publicly release data that is correlated with his private data, in the hope of getting some utility. Our approach relies on a general statistical inference framework that captures the privacy threat under inference attacks, given utility constraints. Under this framework, data is distorted before it is released, according to a privacy-preserving probabilistic mapping. This mapping is obtained by solving a convex optimization problem, which minimizes information leakage under a distortion constraint. We address practical challenges encountered when applying this theoretical framework to real world data. On one hand, the design of optimal privacy-preserving mechanisms requires knowledge of the prior distribution linking private data and data to be released, which is often unavailable in practice. On the other hand, the optimization may become untractable and face scalability issues when data assumes values in large size alphabets, or is high dimensional. Our work makes three major contributions. First, we provide bounds on the impact on the privacy-utility tradeoff of a mismatched prior. Second, we show how to reduce the optimization size by introducing a quantization step, and how to generate privacy mappings under quantization. Third, we evaluate our method on three datasets, including a new dataset that we collected, showing correlations between political convictions and TV viewing habits. We demonstrate that good privacy properties can be achieved with limited distortion so as not to undermine the original purpose of the publicly released data, e.g. recommendations.
△ Less
Submitted 15 August, 2014;
originally announced August 2014.
-
The first shall be last: selection-driven minority becomes majority
Authors:
Nuno Crokidakis,
Paulo Murilo Castro de Oliveira
Abstract:
Street demonstrations occur across the world. In Rio de Janeiro, June/July 2013, they reach beyond one million people. A wrathful reader of \textit{O Globo}, leading newspaper in the same city, published a letter \cite{OGlobo} where many social questions are stated and answered Yes or No. These million people of street demonstrations share opinion consensus about a similar set of social issues. Bu…
▽ More
Street demonstrations occur across the world. In Rio de Janeiro, June/July 2013, they reach beyond one million people. A wrathful reader of \textit{O Globo}, leading newspaper in the same city, published a letter \cite{OGlobo} where many social questions are stated and answered Yes or No. These million people of street demonstrations share opinion consensus about a similar set of social issues. But they did not reach this consensus within such a huge numbered meetings. Earlier, they have met in diverse small groups where some of them could be convinced to change mind by other few fellows. Suddenly, a macroscopic consensus emerges. Many other big manifestations are widespread all over the world in recent times, and are supposed to remain in the future. The interesting questions are: 1) How a binary-option opinion distributed among some population evolves in time, through local changes occurred within small-group meetings? and 2) Is there some natural selection rule acting upon? Here, we address these questions through an agent-based model.
△ Less
Submitted 28 April, 2014;
originally announced April 2014.
-
On the Parity Problem in One-Dimensional Cellular Automata
Authors:
Heater Betel,
Pedro P. B. de Oliveira,
Paola Flocchini
Abstract:
We consider the parity problem in one-dimensional, binary, circular cellular automata: if the initial configuration contains an odd number of 1s, the lattice should converge to all 1s; otherwise, it should converge to all 0s. It is easy to see that the problem is ill-defined for even-sized lattices (which, by definition, would never be able to converge to 1). We then consider only odd lattices.…
▽ More
We consider the parity problem in one-dimensional, binary, circular cellular automata: if the initial configuration contains an odd number of 1s, the lattice should converge to all 1s; otherwise, it should converge to all 0s. It is easy to see that the problem is ill-defined for even-sized lattices (which, by definition, would never be able to converge to 1). We then consider only odd lattices.
We are interested in determining the minimal neighbourhood that allows the problem to be solvable for any initial configuration. On the one hand, we show that radius 2 is not sufficient, proving that there exists no radius 2 rule that can possibly solve the parity problem from arbitrary initial configurations. On the other hand, we design a radius 4 rule that converges correctly for any initial configuration and we formally prove its correctness. Whether or not there exists a radius 3 rule that solves the parity problem remains an open problem.
△ Less
Submitted 13 August, 2012;
originally announced August 2012.
-
Are motorways rational from slime mould's point of view?
Authors:
Andrew Adamatzky,
Selim Akl,
Ramon Alonso-Sanz,
Wesley van Dessel,
Zuwairie Ibrahim,
Andrew Ilachinski,
Jeff Jones,
Anne V. D. M. Kayem,
Genaro J. Martinez,
Pedro de Oliveira,
Mikhail Prokopenko,
Theresa Schubert,
Peter Sloot,
Emanuele Strano,
Xin-She Yang
Abstract:
We analyse the results of our experimental laboratory approximation of motorways networks with slime mould Physarum polycephalum. Motorway networks of fourteen geographical areas are considered: Australia, Africa, Belgium, Brazil, Canada, China, Germany, Iberia, Italy, Malaysia, Mexico, The Netherlands, UK, USA. For each geographical entity we represented major urban areas by oat flakes and inocul…
▽ More
We analyse the results of our experimental laboratory approximation of motorways networks with slime mould Physarum polycephalum. Motorway networks of fourteen geographical areas are considered: Australia, Africa, Belgium, Brazil, Canada, China, Germany, Iberia, Italy, Malaysia, Mexico, The Netherlands, UK, USA. For each geographical entity we represented major urban areas by oat flakes and inoculated the slime mould in a capital. After slime mould spanned all urban areas with a network of its protoplasmic tubes we extracted a generalised Physarum graph from the network and compared the graphs with an abstract motorway graph using most common measures. The measures employed are the number of independent cycles, cohesion, shortest paths lengths, diameter, the Harary index and the Randic index. We obtained a series of intriguing results, and found that the slime mould approximates best of all the motorway graphs of Belgium, Canada and China, and that for all entities studied the best match between Physarum and motorway graphs is detected by the Randic index (molecular branching index).
△ Less
Submitted 13 March, 2012;
originally announced March 2012.
-
Universality in Bibliometrics
Authors:
Roberto da Silva,
Fahad Kalil,
Alexandre Souto Martinez,
Jose Palazzo Moreira de Oliveira
Abstract:
Many discussions have enlarged the literature in Bibliometrics since the Hirsh proposal, the so called $h$-index. Ranking papers according to their citations, this index quantifies a researcher only by its greatest possible number of papers that are cited at least $h$ times. A closed formula for $h$-index distribution that can be applied for distinct databases is not yet known. In fact, to obtain…
▽ More
Many discussions have enlarged the literature in Bibliometrics since the Hirsh proposal, the so called $h$-index. Ranking papers according to their citations, this index quantifies a researcher only by its greatest possible number of papers that are cited at least $h$ times. A closed formula for $h$-index distribution that can be applied for distinct databases is not yet known. In fact, to obtain such distribution, the knowledge of citation distribution of the authors and its specificities are required. Instead of dealing with researchers randomly chosen, here we address different groups based on distinct databases. The first group is composed by physicists and biologists, with data extracted from Institute of Scientific Information (ISI). The second group composed by computer scientists, which data were extracted from Google-Scholar system. In this paper, we obtain a general formula for the $h$-index probability density function (pdf) for groups of authors by using generalized exponentials in the context of escort probability. Our analysis includes the use of several statistical methods to estimate the necessary parameters. Also an exhaustive comparison among the possible candidate distributions are used to describe the way the citations are distributed among authors. The $h$-index pdf should be used to classify groups of researchers from a quantitative point of view, which is meaningfully interesting to eliminate obscure qualitative methods.
△ Less
Submitted 11 November, 2011;
originally announced November 2011.