View: session overviewtalk overview
Mirjana Ivanović, University of Novi Sad, Serbia
Title: How Artificial Intelligence Changes Medical Diagnosis, Treatment, and Education
Abstract: In modern dynamic, constantly developing society more and more people suffer from noncommunicable diseases, such as cancer, heart disease, neurodegenerative disease, diabetes, and so on. They are the leading cause of death worldwide and represent an emerging global health threat. Moreover, the population in a lot of countries is getting older and needs additional and special medical and health care. Accordingly, world renowned health stakeholders have recognized the importance of development of wide range of systems/architectures/services that can support diagnoses and treatment decisions for patients, help them in everyday activities and improve their quality of life. For the development of smart and intelligent medical architectures and decision support systems collection of huge amounts of patient’s complex big data is necessary. Such data should be properly curated, aggregated, analyzed and results achieved by AI-based processing of such data are used by the doctors to recommend adequate treatment and actions in order to improve patient’s health status. Contemporary Healthcare and Medical systems are predominantly distributed. Together with intensive use of Machine Learning approaches (ML), Federated Learning (FL) plays an essential role in such systems. Each medical institution might have a lot of patient data, but it can be not enough to train their own local prediction models. Accordingly, the combination of FL and prediction of future patients’ status but also patients’ treatment for achieving satisfactory quality of life parameters is good solutions to break down the barriers of analysis throughout different hospitals. On the other hand, modern AI-based approaches are also employed in the development of systems and environments that can have significant impact on medical and healthcare education, like agents, extended reality, metaverse, and so on. In this talk all the above-mentioned aspects will be considered and some personal experiences in developing such systems will be presented.
Classification of SAX-like Time Series Bitmaps with Siamese Convolutional Neural Networks ABSTRACT. This research paper concerns the classification of multiclass univariate time series. It extends the existing time series imaging method and describes the process of obtaining new transformations of this sort. The presented techniques leverage the well-known Symbolic Aggregate Approximation representation, which transforms time series from numerical to symbolic domain. The obtained symbolic approximations are later turned into images. After raw time series data is transformed into two-dimensional grayscale bitmaps, these bitmaps are used as input for two alternative deep learning classification approaches. Our study focuses on comparing regular Convolutional Neural Networks and Siamese Neural Networks as time series classifiers. Experimental studies and comparative analyses were performed on well-known, publicly available datasets. |
Inference processes in rule cluster knowledge base - various approaches PRESENTER: Igor Gaibei ABSTRACT. This paper presents a novel approach to optimize inference in rule-based knowledge systems by introducing a clustering mechanism for rule organization. Rules are clustered using K-Means or Agglomerative Hierarchical Clustering (AHC) algorithms, with different distance measures and clustering strategies. We propose and evaluate four inference strategies based on different group representation methods (mean or median) and rule activation strategies (activation of one or all matching rules). Experimental studies on real knowledge bases show that clustering significantly improves inference performance while maintaining a satisfied inference success rate. |
Estimating the value of commercial real estate using machine learning approaches ABSTRACT. The paper addresses the problem of predicting the attractiveness of the commercial real estate market based on market valuation. The aim is to estimate market value, and models of the commercial real estate market need to be established. The complexity of the problem lies in accounting for market changes resulting from the COVID-19 pandemic and, more broadly, its variability in response to geopolitical shifts, which are reflected in the available data. To address this, a machine learning-based framework is proposed. The proposed models for solving the problem have been validated using data from recent years. Finally, a summary is provided. |
Enhancing Network Intrusion Detection through Data Dimensionality Reduction Using Classical and Deep Learning Approaches ABSTRACT. Network intrusion detection systems face high-dimensional traffic, which degrades accuracy and raises computational costs. We evaluate Principal Component Analysis (PCA), Recursive Feature Elimination (RFE), and a deep autoencoder on the UNSW-NB15 dataset using eight classifiers. RFE delivers peak accuracy (92.5%) with minimal variability. PCA restores near-baseline accuracy while preserving 95% variance with minor tuning. The autoencoder yields nonlinear embeddings but demands extensive training and trails classical methods. These findings guide the selection of reduction strategies under accuracy requirements and resource constraints. |
Deep Neural Networks for Automatic Detection and Classification of Laryngeal Pathologies in Endoscopic Imaging ABSTRACT. This study explores the application of artificial intelligence (AI) methods for the automated detection and classification of laryngeal pathologies in fiberoptic laryngoscopy videos. From recordings of 292 patients, a total of 885 informative image frames were automatically ex- tracted, and subsequently segmented manually by experienced clinicians. Seven distinct pathol- ogy categories were examined using two deep learning models, Mask R-CNN, designed for classification, object detection, and segmentation tasks; and EfficientNet V2L, solely for clas- sification. For the classification task, an across-class average imbalance-resistant F1-score was higher for Mask R-CNN model, 0.95 (confidence interval, CI: 0.90–0.98), than for Efficient- Net V2L 0.74 (CI: 0.66-0.81; McNemar’s test p<0.001). In object detection, a mean average precision of 0.36 (CI: 0.35-0.37) was achieved at an intersection over union threshold of 50%. However, segmentation models reached lower performance, average precision 0.29 (0.28-0.30). In sum, for the larynx pathology analysis, DNNs show more potential for classification than segmentation tasks, with an advantage of Mask R-CNN over EfficientNet architecture. |
Evaluation of User Experience with RAG-based Chatbots for Searching Documentation: Industrial Case Study PRESENTER: Marko Vještica ABSTRACT. Artificial Intelligence (AI) has accelerated digital transformation across industries, with Large Language Models (LLMs) powering content generation, summarization, and dialogue systems, yet struggling with domain-specific knowledge. In industrial settings, Retrieval-Augmented Generation (RAG) architectures, often implemented as chatbots, address this issue by grounding responses in internal company knowledge. Despite increased industrial deployment, user experience evaluations of RAG-based chatbots remain limited, particularly regarding their effectiveness in supporting domain-specific workplace tasks. In this paper, we present a user evaluation of an RAG-based chatbot conducted in a medium-sized company. Employee feedback on chatbot usability and acceptance is analyzed to guide digitalization efforts in future AI-assisted enterprises. |
Transfer Learning for Deepfake Detection in Static Facial Images ABSTRACT. Digital authentication systems that rely on biometric recognition are especially vulnerable to deepfake attacks, which can be used to impersonate legitimate users and bypass security protocols. As deepfake attacks become increasingly sophisticated, detection methods must evolve rapidly. In this paper, we propose the usage of transfer learning instead of standard deep learning to provide a fast response to novel threats. We evaluate 12 approaches, combining three deep neural networks as feature extractors with four traditional machine learning algorithms as classifiers. Finally, the best-performing model, i.e. ConvNeXt with a support vector classifier, is fine-tuned and evaluated on a real-world dataset, demonstrating strong performance. |
Vehicle Detection in Parking Lots Using Deep Learning Techniques ABSTRACT. Today, deep learning methods are being strongly developed and are used for many different tasks. This paper addresses the task of vehicle detection in parking lots. The focus of this study is to evaluate the performance of several versions of the YOLO (You Only Look Once) object detection algorithm on a self-created dataset, using the models in their default configurations with pre-trained weights from the COCO dataset. The dataset contains various lightning and weather conditions such as sunshine, cloudiness, and the presence of snow. Each YOLO version is evaluated using a range of metrics such as precision, recall, F1 score, and FPS. Methods for optimizing the use of models are then proposed and tested. The results demonstrate the trade-offs between detection accuracy and computational efficiency. |
Enhancing Solar Magnetogram Retrieval with Deep Semantic Hashing and Hierarchical Graph Indexing ABSTRACT. We propose a method for content-based retrieval of solar magnetograms using semantic hashing. The approach is based on data from the Helioseismic and Magnetic Imager (HMI) aboard the Solar Dynamics Observatory (SDO), processed using the SunPy and PyTorch libraries. A mathematical representation of the Sun’s magnetic field regions is constructed in the form of a fixed-length vector, enabling efficient similarity comparisons without the need to analyze full-disk images directly. To reduce retrieval time and dimensionality, a fully connected autoencoder is employed to compress a 400-dimensional descriptor into a compact 50-dimensional semantic hash. Experimental results demonstrate the effectiveness of the proposed approach, achieving the highest precision among evaluated state-of-the-art methods. In addition to image retrieval, the method is also applicable to solar image classification tasks. |
Interactive Semi-Automatic Labeling of Point Clouds Using Transformer-Based Descriptors ABSTRACT. This paper presents a descriptor-based method for labeling point clouds using a two-stage transformer architecture. The first stage consists of an encoder that extracts descriptors from point cloud fragments. The second stage, a decoder, assigns labels to these fragments based on both the descriptor of the current fragment and an earlier predefined pattern descriptor. This approach functions as an interactive labeling tool similar to a brush, with the ability to reinforce or weaken the pattern through direct manipulation of its descriptor. |
Performance comparison of machine learning algorithms for accurate office real estate price estimation: suggested approaches ABSTRACT. This paper aims to test various machine learning algorithms on a real-world dataset of office real estate and identify the most accurate one. A comprehensive analysis was conducted using proprietary data on office real estate in Poland, obtained from a leading market intelligence provider specializing in commercial property analytics, covering a 20-year observation period. The research results indicate that among six tested algorithms including Logistic Regression (LR), Linear Discriminant Analysis (LDA), K-Nearest Neighbors (KNN), Decision Tree Classifier (DT), Gaussian Naive Bayes (GNB), Support Vector Machines (SVM), the Decision Tree Classifier (DT) appears to be the best-fit algorithm for selecting factors to estimate office real estate prices. |
Toward a DataOps Framework for Enhancing Data Quality in Data Science ABSTRACT. Data Science (DS) leverages Data Analytics to help organizations extract value from large datasets and enhance performance. A significant focus in DS is on data collection, cleaning, and transformation to create high-quality datasets for analysis. However, traditional manual data preparation methods are often inefficient and error-prone, particularly in Big Data environments. DataOps seeks to automate data lifecycle stages by integrating DevOps practices, enhancing the quality and reliability of data pipelines. This paper proposes a framework for implementing DataOps, demonstrated through a case study on urban mobility analytics. |
Photovoltaic Energy Prediction: Evaluating Feature Selection Methods for Enhanced Forecasting ABSTRACT. Renewable energy, particularly photovoltaic (PV) systems, plays a crucial role in sustainable energy development. Its production is largely dependent on external factors, especially weather conditions, making the forecasting of generated energy a significant research challenge. Selecting appropriate features that influence electricity production can enhance forecasting accuracy. This paper evaluates various feature selection methods relevant to energy output, aiming to identify the most effective selection strategy and determine the most influential variables. Three groups of methods were analyzed: correlation-based statistical methods, ensemble-based importance metrics, and univariate significance tests. The results highlight the importance of choosing suitable feature selection algorithms to improve the accuracy of PV energy production forecasting. |
Gender Disparities in Customer Churn Rates: A Rough Neuro-Fuzzy Classifier-based Analysis ABSTRACT. Customer churn prediction is a critical challenge for businesses aiming to retain valuable customers. This study employs a rough neuro-fuzzy classifier with CA defuzzification to analyze churn behavior, with a particular focus on gender disparities. Thanks to rough set theory, our approach effectively handles incomplete or missing data by utilizing lower and upper approximations, ensuring robust predictions even when feature values are absent. We evaluate feature importance through two distinct methods: directly from the data and via the classifier, to uncover gender-specific patterns in churn behavior. Moreover, we introduce the notion of conditional significance. Our findings reveal notable gender-based differences in the significance of predictive features. Experimental results, validated through ten-fold cross-validation, demonstrate the classifier's ability to manage missing data without imputation, while also underscoring the heightened sensitivity of female customers to feature availability. This research contributes to the growing body of knowledge on gender-driven consumer behavior, offering practical implications for businesses to refine customer relationship management and reduce churn through gender-specific interventions. |
Hybrid AI Framework Based on Fuzzy Rough Sets for Two-Dimensional Magnetic Evaluation of Reinforced Concrete Structures Measurements ABSTRACT. This work presents an intelligent support system for a novel, non-destructive (NDT), 2D method to identify parameters of reinforced concrete (RC) structures. Using association rule analysis (ARA), it detects relationships between signal changes and structure parameter modifications, identifying signal parameters influenced by a single structural parameter. Multitask learning is used to identify concrete cover thickness, reinforcing bar diameter, and steel class. Features are extracted from the three spatial components of magnetic induction via ACO decomposition, which is suited for creating complex databases. Genetic algorithms improve noise resilience in function approximation. Results are shown as Fuzzy Rough Sets. Three vertically placed sensors, combined with AI, enable precise identification of parameters, with changes in one not affecting others. |
Optimizing the DFS-based Strategy for Efficient Execution of Counting Queries in Machine Learning Applications ABSTRACT. Counting queries are fundamental operations widely used in machine learning applications. This paper focuses on optimizing their execution by introducing algorithmic enhancements to the bitmap-based counting query strategy that relies on a Depth-First Search (DFS) traversal. The proposed approach is evaluated through a benchmark involving the execution of random query streams across multiple test datasets. The experimental results demonstrate a significant speedup, with execution times reduced by factors ranging from 1.26× to 2.25×. Furthermore, potential directions for further improving the performance of counting queries on modern high-performance computing (HPC) systems are discussed. |
Neural networks based ensemble classifier for phishing link detection ABSTRACT. This contribution proposes an ensemble classification model which is based on neural networks prediction models and well-known online incremental learning models.The considered neural network models belong to different families, namely long-short term memory, deep feed forward and convolutional neural networks. The incremental learning models considered are Passive Aggressive, Bernoulli Naive Bayes and Stochastic Gradient Descent Classifiers. This paper aims to develop a prediction model that reduces false positives (FP) while maintaining overall model performance. Moreover, the stability of the model over time and its ability to correctly classify phishing links, even if the concept shift occur, are under considerations. The ensemble model shows promising results, demonstrating its superiority over base models. Some proposed models significantly outperform some base models according to statistical tests. |
The Importance of Accessible Re-commerce Applications and Websites in Implementing the Circular Economy ABSTRACT. The aim of the poster is to explore consumer behaviour in the use of modern technologies in the context of the implementation of the principles of a circular economy. The study adopts a hypothesis: the development of a circular economy is supported by the availability of digital e-commerce platforms. The article presents the results of two original surveys conducted between 2020 and 2023 using the CAWI method on nationally representative samples: N= 1115 (2020), 1147 (2023). Respondents were asked min whether they use apps, online auctions and classifieds websites when getting rid of unnecessary products Both in 2020 and 2023, the group of users selling on classifieds websites was around 80%, with online auctions falling in popularity by 11% and using mobile apps by 7%. However, these are the three most popular ways of selling. Traditional ways of selling are also seeing declines in interest and are chosen by far fewer sellers. Traditional sales at a consignment or pawn shop are chosen by around 10% of those surveyed (down 4%), at fairs by 6% (down 2%) and at a stock exchange by around 4% (down 1%). |
11:30 | Assessing the impact of criteria removal on Multi-Criteria Decision-Making stability: A simulation-based sensitivity analysis ABSTRACT. Selecting a Multi-Criteria Decision-Making (MCDM) method is critical for developing robust Decision Support Systems (DSS), yet limited attention has been given to assessing their stability under structural changes in decision problems. This study proposes a simulation-based framework for evaluating the robustness of MCDM methods when the least important criteria are iteratively removed. Four selected methods, namely Additive Ratio ASsessment (ARAS), COmplex PRoportional ASsessment (COPRAS), Measurement Alternatives and Ranking according to COmpromise Solution (MARCOS), and MultiAttributive Ideal-Real Comparative Analysis (MAIRCA) were tested across thousands of randomized scenarios, with performance assessed through mean ranking correlation, frequency of ranking alterations, and distribution of similarity values. The findings reveal consistent stability trends across methods while identifying differences in sensitivity to criteria reduction. Notably, MAIRCA and COPRAS exhibited more concise performance distributions, suggesting stronger resilience to problem changes. This work addresses a critical gap in understanding method robustness, supporting more informed selection of MCDM techniques for uncertain decision environments and enhancing the reliability of decision-making processes. |
11:50 | Leveraging GPS Data and Attention-based BiLSTM for Injury Prediction in Professional Football ABSTRACT. Injuries pose a significant challenge in professional football, affecting player availability, team performance, and club finances. Accurate prediction of injury risk is crucial for implementing effective prevention strategies. This study develops a deep learning model to predict the likelihood of injury in professional football players using data collected through Catapult Sports tracking devices. The research is carried out in collaboration with KKS Lech Poznań, a Polish professional football club. The proposed model architecture combines bidirectional long- and short-term memory (BiLSTM) networks with an attention mechanism to learn from the time series data and predict player injury risk. The model is trained on sequences of Catapult data spanning 14 days before each recorded injury or non-injury event. To address class imbalance, a custom loss function was implemented that balances focal loss and the F_beta score. The model's performance is evaluated on an independent test set, achieving a specificity of 0.90, an accuracy of 0.90, and a recall of 0.40. |
12:10 | Parking Spot Segmentation Using Deep Learning Techniques ABSTRACT. Existing computer vision models are developing rapidly and obtaining successful results, but expensive and time-consuming solutions are still used in many cases and applications. Currently, proposed parking management solutions based on computer vision and artificial intelligence are not sufficiently automated and general. They often assume simplifications and specific conditions. This project provides an overview of state-of-the-art in occupancy detection methods and describes the original solution separated into modules. The main advantages are versatility, lack of requirements for the parking structure, high resistance to external conditions, and openness to extension with additional functionalities. |
12:30 | Variance-Based Analysis of Global Criteria Importance in the ESP-COMET Method ABSTRACT. Sensitivity analysis is a critical component of Multi-Criterion Decision analysis (MCDA), enabling the evaluation of how variations in input data influence decision outcomes. Although traditional techniques, such as scenario analysis and stability intervals, can enhance robustness, they often fail to capture the full variability inherent in the decision model. To overcome this limitation, we propose a novel framework that applies Sobol sensitivity indices to assess the global importance of criteria in MCDA, with a particular focus on models constructed using the Characteristic Objects Method (COMET). Unlike standard approaches that perturb the decision matrix, our method evaluates the sensitivity of the decision model as a whole. We demonstrate its effectiveness through controlled experiments, including hybrid configurations such as Expected Solution Point (ESP) with COMET, and use first-order (S1) and total effect (ST) Sobol indices. The results show that the variance-based sensitivity analysis provides valuable, complementary insights into the global behavior of the model and the influence of individual criteria. This study introduces a robust analytical tool that enhances the interpretability and methodological depth of decision support systems in MCDA |
12:50 | Detection of abnormal network flow by the Distributive Aggregations Ensemble Algorithm PRESENTER: Jaromir Sarzyński ABSTRACT. In today’s digital landscape, Artificial Intelligence (AI) plays a crucial role in addressing cybersecurity challenges faced by IT companies, as the threat of distributed attacks persists despite implementing Network Intrusion Detection Systems (NIDSs). We propose a novel hybrid classifier leveraging distributivity equations to combine k-Nearest Neighbors (kNN), Decision Trees (DT), and Stochastic Gradient Descent (SGD). Evaluated on UNSW-NB15 and SIMARGL2021 datasets, our method demonstrates competitive performance in accuracy, recall, precision, F1-score, and area under ROC curve (AUC) compared to base classifiers and SOTA techniques (Stacking, Soft Voting - Weighted Average Probabilities, Adaptive Boosting (AdaBoost) and Histogram-based Gradient Boosting Classification Tree (HGBC)). Key innovations include a distributivity-based aggregation framework and class-balancing strategy for imbalanced datasets. |
13:10 | Filling the Gap in Time: Intelligent Imputation of Historical Parish Records PRESENTER: Adam Kiersztyn ABSTRACT. The paper presents a method for imputing missing monthly values in historical parish records, based on data from two Prussian towns (Stargard and Słupsk, 1886–1913). The approach com bines 12 simple estimation methods with predictive models, including Random Forest and Gra dient Boosted Trees. The evaluation was performed using synthetic gaps introduced into com plete datasets, with each experiment repeated independently 10 times. The results show that aggregation models significantly reduce the relative error of imputation, with ensemble models achieving average errors below 1%. The solution is general and can be adapted to similar histor ical sources. Potential applications include demographic series reconstruction and the detection of anomalies in archival data. |
11:30 | Leveraging machine learning techniques for discovering broken lineage links between database objects PRESENTER: Paweł Boiński ABSTRACT. Data lineage is the set of techniques for tracking the flow of data throughout its lifecycle. These techniques are crucial for data management, governance, and compliance with regulations. Lineage links are maintained between data and database objects, but they are often broken by temporary objects and user defined functions. To the best of our knowledge, discovering broken lineage links has not been addressed yet in research. In this paper, we present a method for detecting broken lineage links between database objects. To this end we apply machine learning techniques on available metadata. We extract feature vectors and employ a classification approach to determine whether one database object is a source for another. Initial experiments on large database schemas show that the discovery of broken lineage links is possible at an acceptably high probability. |
11:50 | Integration of IT Systems Using QR Code and IPA in Logistics Process Management PRESENTER: Mariusz Piechowski ABSTRACT. In the face of the growing complexity of supply chains and the variety of IT systems used in enterprises, ensuring effective information exchange is a challenge for companies. The research problem addressed in this work is the lack of an effective mechanism for automatic identification and matching data between systems. Therefore, the concept of using QR code technology and IPA systems was proposed. A case study was used to verify the concept. The implementation showed precise product identification, automatic document generation and delivery status update. |
12:10 | Social challenges and barriers in implementing AI chatbots as part of customer service digital transformation ABSTRACT. The rapid advancement of artificial intelligence (AI) significantly reshapes customer service, posing notable social challenges and barriers within digital transformation. This study explores user perceptions and societal resistance toward AI-driven chatbots based on a large-scale survey of 11,628 respondents from Poland, Italy, and Sweden. Using a structured framework, chatbot attributes were categorized into essential (response accuracy, real-time assistance), and performance-enhancing (personalization, emotional intelligence, hybrid interactions). Results highlight significant social resistance, especially in emotionally sensitive interactions, where customers strongly prefer human agents over AI. Key barriers identified include privacy concerns, data security risks, and transparency issues. Crucially, trust, explainability, and user education emerged as vital for reducing societal hesitation and fostering acceptance. These findings offer critical insights into social dimensions of digital transformation, emphasizing the importance of developing hybrid customer service models that effectively balance automated technologies and human interaction to enhance consumer trust and overall service experience. |
12:30 | Do Social Media Virtual Communities Support Purchase Decision Making? PRESENTER: Donatien Yeto ABSTRACT. In this article, we investigate whether virtual communities gathered around influencers can support decision-making in the purchasing process. Using data from viewers' opinions under YouTube Influencer's video, the netnography method, and Simon's rational decision-making theory, we investigate: (i) which phases of the purchasing decision-making process can be supported by virtual communities; (ii) what behaviours, structures, and decision-making sequences are visible across the entire virtual community network studied. The results of our study prove that social media content creators as influencers and their virtual communities can affect all phases of purchasing decision-making. |
12:50 | Digital Transformation in Automotive: Color Design of Cockpit Alerts for Effective and User-Friendly Driver Communication ABSTRACT. The effectiveness of human-machine interfaces (HMI) in driving automation systems partially depends on how alerts and requests are delivered to the driver without unnecessarily distracting them from the driving task. Depending on the required user reaction time, alerts should be displayed differently - either capture attention immediately for a short duration or remain visible more subtly over time. Our study focuses on the use of color as a means of enhancing alert visibility and attention capture. Based on a user-centered experiment, we developed a ranking of color combinations for both day and night interface modes. Few existing studies address the adaptation of color to interface mode, and when they do, they primarily focus on contrast rather than differentiating alert types by importance. Our approach introduces an additional criterion - the criticality of the alert - that is a key factor in tailoring the visual design of warning signals. |
13:10 | Classification of enterprises in terms of barriers and risks resulting from the implementation of cloud computing using ELECTRE TRI ABSTRACT. The development of cloud computing has opened up new opportunities for enterprises in implementing information and communication technologies. Despite the numerous benefits associated with its use, certain barriers and risks also emerge, affecting organizational functioning. To assess their nature and scope, the authors conducted empirical research among companies using services based on the Cloud Computing model, applying the ELECTRE TRI method — a tool belonging to the group of Multi-Criteria Decision Analysis (MCDA) methods. The analysis of the results indicated that the most significant challenges are of an organizational nature. At the same time, most of the surveyed enterprises were classified into categories indicating a low or moderate level of perceived barriers and risks. |
11:30 | Banca Intesa Presentation. TBA ABSTRACT. Banca Intesa Presentation. TBA. |
12:15 | Automation by Innovation: How KEBA’s Kemro X Platform Builds the Foundation for Digital Ecosystems in Industrial Automation PRESENTER: Srđan Usorac ABSTRACT. „KEBA’s motto, “Automation by Innovation”, drives the development of Kemro X, a modular platform that enables scalable, data-driven industrial ecosystems. Building on this backbone, products like Delem and Drag&Bot deliver cutting-edge solutions for sheet metal processing and intuitive robotics, demonstrating how platform innovation translates into real-world value. This presentation will share how KEBA integrates hardware, software, and data engineering to enable digitalization, interoperability, and future-ready automation solutions. |
14:30 | Perception of FinTech Products and Services Among Rural and Urban Residents ABSTRACT. This study compares the perceptions of FinTech services among rural and urban residents in Poland. It draws on data from a CAWI survey conducted in 2020 (N=1,153) and uses chi-squared tests, the Fisher-Freeman-Halton test, and post-hoc comparisons. The results indicate that while general attitudes towards FinTech do not differ significantly between rural and urban residents, rural respondents without prior FinTech experience are less likely to consider security and offer attractiveness as key decision factors than residents of small cities. Conversely, device ownership and social influence were less relevant for rural residents than those in mid-sized cities. No significant differences in service evaluation were observed among experienced FinTech users. These findings suggest that perceived differences primarily concern the decision-making stage, not actual use. The results may support the adaptation of FinTech development strategies to the needs of different social groups, thereby enhancing financial inclusion. |
14:50 | Application of Hybrid Systems SARIMA ANFIS for Monitoring Workforce Dynamics ABSTRACT. This paper uses a hybrid SARIMA system and an adaptive neuro-fuzzy inference system (ANFIS) to analyze data on interactions between employees in a real-world entity, including email exchanges, chat messages from meetings, and in-person meetings, for the purpose of detecting position changes such as promotions, demotions, and supervisor changes. The dataset, comprising approximately 184 GB of textual data, includes sixteen features related to employee interactions, such as internal contacts, communication with supervisors, subordinates, and individuals at various levels of the hierarchy. The developed system achieved a detection accuracy of 96%, confirming its usefulness in monitoring personnel processes and optimizing human resource management. In this study, the SARIMA model was combined with the ANFIS system, enabling more precise forecasting of changes over time and the detection of employee behaviors, such as sudden position changes or team interactions. By operating in a quasi-real-time mode, the system allows for the rapid identification of potential irregularities, enhancing organizational security and supporting personnel decision-making in dynamically changing conditions. The results of our research indicate that hybrid models integrating the analysis of large datasets and flexible inference systems can effectively support management and behavioral profiling in organizations. |
15:10 | Dynamic generation of Decision Model and Notation rules for tax regulations – case study from Swiss accounting offices PRESENTER: Marcin Makowski ABSTRACT. This study investigates the integration of Decision Model and Notation (DMN) with generative artificial intelligence (AI) to support the dynamic and explainable automation of decision-making processes in the domain of tax-related accounting. Addressing a recognized gap in the literature, we propose and empirically validate a hybrid human-AI framework for decision rule generation, implemented within LUCA - an enterprise-grade system deployed across Swiss accounting offices. The system leverages BPMN-driven workflows, AI-supported document understanding, and DMN-based rule management to formalize tacit expert knowledge. The methodology is grounded in a descriptive case study approach, utilizing participant observation and iterative validation. Key findings indicate a substantial improvement in automation efficiency, enhanced auditability, and effective rule reuse across distributed organizational units. We demonstrate that combining generative AI with DMN enables scalable, high-fidelity decision modeling while preserving transparency and human oversight. The study contributes a replicable model of knowledge acquisition and governance for data- and regulation-intensive environments. |
15:30 | The Interplay of R&D, Digitalisation, and GDP: Insights from Fuzzy Logic Analysis ABSTRACT. Technological development is recognized as a key factor in long-term economic growth, and R&D activity is a key driver of this process. In the context of the ongoing digital transformation, it is necessary to understand the links between R&D spending, the level of digitization and the level of GDP per capita in an integrated manner. While existing studies examine these variables separately using classical statistical methods, they fail to capture the indirect and uncertain relationships between them. Therefore, this paper aims to develop a model of the relationship between R&D expenditures, DESI level and GDP per capita using fuzzy logic. The practical application of the method is presented on the example of the EU-27 countries. The results prove the usefulness of the method for analyzing real causal relationships. The model based on fuzzy logic made it possible to identify differences between countries that could go unnoticed using traditional classification methods. |
15:50 | AI as an element of digital transformation in the activities of critical infrastructure regulators in the context of the personality and behavioural conditions of officials ABSTRACT. The aim of this article is to identify personality and behavioural conditions as determinants of AI implementation by critical infrastructure (telecommunication and energy) regulators in Poland. To achieve the research objective the results of a survey and experimental research were used. They were conducted between 2022 and 2023 among officials of the Office of Electronic Communications and the Energy Regulatory Office. It was shown that officials are responsible optimists willing to cooperate. They are individuals with relatively low levels of trust in others as well as moderate assertiveness and low risk aversion. Their risk propensity is consistent with prospect theory. They perceive more risk in making decisions under uncertainty than under risk. In contrast officials' succumbing to the status quo effect and the sunk cost effect is dependent on framing effect. Personality and behavioural conditions have implications for the implementation of AI by regulatory authorities. |
16:10 | Key Factors Determining Decisions on the Implementation of Robotic Process Automation ABSTRACT. The article presents the results of research into the identification of key factors influencing decisions on the implementation of Robotic Process Automation (RPA) in enterprises. The study uses the theoretical framework of Davis' Technology Acceptance Model (TAM) and its modifications which apply to the study of acceptance of new technologies. The study results indicate a direct impact of the following variables: Perceived Ease of Use and Perceived Usefulness on Behavioural Intention. They also confirm that the Perceived Usefulness variable is statistically significantly influenced by the Social Influence, Price Value, and Process Adequacy variables. For the Perceived Ease of Use variable, a statistically significant effect of the User Involvement and Facilitating Conditions variables was presented, and no statistically significant effect of the Implementation Method variable was demonstrated. The obtained results contribute to reducing the indicated research gap concerning the identification of factors that are very important for the implementation of RPA. |
14:30 | EGZAKTA Group Presentation. TBA ABSTRACT. EGZAKTA Group Presentation. TBA. |
15:15 | ASEE Presentation. TBA ABSTRACT. ASEE Presentation. TBA. |
Buses will start in front of the faculty building, on the side of Bulevar oslobođenja street.