-
BERTCaps: BERT Capsule for Persian Multi-Domain Sentiment Analysis
Authors:
Mohammadali Memari,
Soghra Mikaeyl Nejad,
Amir Parsa Rabiei,
Mehrshad Eisaei,
Saba Hesaraki
Abstract:
Multidomain sentiment analysis involves estimating the polarity of an unstructured text by exploiting domain specific information. One of the main issues common to the approaches discussed in the literature is their poor applicability to domains that differ from those used to construct opinion models.This paper aims to present a new method for Persian multidomain SA analysis using deep learning ap…
▽ More
Multidomain sentiment analysis involves estimating the polarity of an unstructured text by exploiting domain specific information. One of the main issues common to the approaches discussed in the literature is their poor applicability to domains that differ from those used to construct opinion models.This paper aims to present a new method for Persian multidomain SA analysis using deep learning approaches. The proposed BERTCapsules approach consists of a combination of BERT and Capsule models. In this approach, BERT was used for Instance representation, and Capsule Structure was used to learn the extracted graphs. Digikala dataset, including ten domains with both positive and negative polarity, was used to evaluate this approach. The evaluation of the BERTCaps model achieved an accuracy of 0.9712 in sentiment classification binary classification and 0.8509 in domain classification .
△ Less
Submitted 7 December, 2024;
originally announced December 2024.
-
Towards Continuous Skin Sympathetic Nerve Activity Monitoring: Removing Muscle Noise
Authors:
Farnoush Baghestani,
Mahdi Pirayesh Shirazi Nejad,
Youngsun Kong,
Ki H. Chon
Abstract:
Continuous monitoring of non-invasive skin sympathetic nerve activity (SKNA) holds promise for understanding the sympathetic nervous system (SNS) dynamics in various physiological and pathological conditions. However, muscle noise artifacts present a challenge in accurate SKNA analysis, particularly in real-life scenarios. This study proposes a deep convolutional neural network (CNN) approach to d…
▽ More
Continuous monitoring of non-invasive skin sympathetic nerve activity (SKNA) holds promise for understanding the sympathetic nervous system (SNS) dynamics in various physiological and pathological conditions. However, muscle noise artifacts present a challenge in accurate SKNA analysis, particularly in real-life scenarios. This study proposes a deep convolutional neural network (CNN) approach to detect and remove muscle noise from SKNA recordings obtained via ECG electrodes. Twelve healthy participants underwent controlled experimental protocols involving cognitive stress induction and voluntary muscle movements, while collecting SKNA data. Power spectral analysis revealed significant muscle noise interference within the SKNA frequency band (500-1000 Hz). A 2D CNN model was trained on the spectrograms of the data segments to classify them into baseline, stress-induced SKNA, and muscle noise-contaminated periods, achieving an average accuracy of 89.85% across all subjects. Our findings underscore the importance of addressing muscle noise for accurate SKNA monitoring, advancing towards wearable SKNA sensors for real-world applications.
△ Less
Submitted 26 October, 2024;
originally announced October 2024.
-
GABInsight: Exploring Gender-Activity Binding Bias in Vision-Language Models
Authors:
Ali Abdollahi,
Mahdi Ghaznavi,
Mohammad Reza Karimi Nejad,
Arash Mari Oriyad,
Reza Abbasi,
Ali Salesi,
Melika Behjati,
Mohammad Hossein Rohban,
Mahdieh Soleymani Baghshah
Abstract:
Vision-language models (VLMs) are intensively used in many downstream tasks, including those requiring assessments of individuals appearing in the images. While VLMs perform well in simple single-person scenarios, in real-world applications, we often face complex situations in which there are persons of different genders doing different activities. We show that in such cases, VLMs are biased towar…
▽ More
Vision-language models (VLMs) are intensively used in many downstream tasks, including those requiring assessments of individuals appearing in the images. While VLMs perform well in simple single-person scenarios, in real-world applications, we often face complex situations in which there are persons of different genders doing different activities. We show that in such cases, VLMs are biased towards identifying the individual with the expected gender (according to ingrained gender stereotypes in the model or other forms of sample selection bias) as the performer of the activity. We refer to this bias in associating an activity with the gender of its actual performer in an image or text as the Gender-Activity Binding (GAB) bias and analyze how this bias is internalized in VLMs. To assess this bias, we have introduced the GAB dataset with approximately 5500 AI-generated images that represent a variety of activities, addressing the scarcity of real-world images for some scenarios. To have extensive quality control, the generated images are evaluated for their diversity, quality, and realism. We have tested 12 renowned pre-trained VLMs on this dataset in the context of text-to-image and image-to-text retrieval to measure the effect of this bias on their predictions. Additionally, we have carried out supplementary experiments to quantify the bias in VLMs' text encoders and to evaluate VLMs' capability to recognize activities. Our experiments indicate that VLMs experience an average performance decline of about 13.2% when confronted with gender-activity binding bias.
△ Less
Submitted 25 October, 2024; v1 submitted 30 July, 2024;
originally announced July 2024.
-
Individualized Federated Learning for Traffic Prediction with Error Driven Aggregation
Authors:
Hang Chen,
Collin Meese,
Mark Nejad,
Chien-Chung Shen
Abstract:
Low-latency traffic prediction is vital for smart city traffic management. Federated Learning has emerged as a promising technique for Traffic Prediction (FLTP), offering several advantages such as privacy preservation, reduced communication overhead, improved prediction accuracy, and enhanced adaptability to changing traffic conditions. However, majority of the current FLTP frameworks lack a real…
▽ More
Low-latency traffic prediction is vital for smart city traffic management. Federated Learning has emerged as a promising technique for Traffic Prediction (FLTP), offering several advantages such as privacy preservation, reduced communication overhead, improved prediction accuracy, and enhanced adaptability to changing traffic conditions. However, majority of the current FLTP frameworks lack a real-time model updating scheme, which hinders their ability to continuously incorporate new incoming traffic data and adapt effectively to the changing dynamics of traffic trends. Another concern with the existing FLTP frameworks is their reliance on the conventional FL model aggregation method, which involves assigning an identical model (i.e., the global model) to all traffic monitoring devices to predict their individual local traffic trends, thereby neglecting the non-IID characteristics of traffic data collected in different locations. Building upon these findings and harnessing insights from reinforcement learning, we propose NeighborFL, an individualized real-time federated learning scheme that introduces a haversine distance-based and error-driven, personalized local models grouping heuristic from the perspective of each individual traffic node. This approach allows NeighborFL to create location-aware and tailored prediction models for each client while fostering collaborative learning. Simulations demonstrate the effectiveness of NeighborFL, offering improved real-time prediction accuracy over three baseline models, with one experimental setting showing a 16.9% reduction in MSE value compared to a naive FL setting.
△ Less
Submitted 16 July, 2024;
originally announced July 2024.
-
OAC: Output-adaptive Calibration for Accurate Post-training Quantization
Authors:
Ali Edalati,
Alireza Ghaffari,
Mahsa Ghazvini Nejad,
Lu Hou,
Boxing Chen,
Masoud Asgharian,
Vahid Partovi Nia
Abstract:
Deployment of Large Language Models (LLMs) has major computational costs, due to their rapidly expanding size. Compression of LLMs reduces the memory footprint, latency, and energy required for their inference. Post-training Quantization (PTQ) techniques have been developed to compress LLMs while avoiding expensive re-training. Most PTQ approaches formulate the quantization error based on a layer-…
▽ More
Deployment of Large Language Models (LLMs) has major computational costs, due to their rapidly expanding size. Compression of LLMs reduces the memory footprint, latency, and energy required for their inference. Post-training Quantization (PTQ) techniques have been developed to compress LLMs while avoiding expensive re-training. Most PTQ approaches formulate the quantization error based on a layer-wise Euclidean loss, ignoring the model output. Then, each layer is calibrated using its layer-wise Hessian to update the weights towards minimizing the quantization error. The Hessian is also used for detecting the most salient weights to quantization. Such PTQ approaches are prone to accuracy drop in low-precision quantization. We propose Output-adaptive Calibration (OAC) to incorporate the model output in the calibration process. We formulate the quantization error based on the distortion of the output cross-entropy loss. OAC approximates the output-adaptive Hessian for each layer under reasonable assumptions to reduce the computational complexity. The output-adaptive Hessians are used to update the weight matrices and detect the salient weights towards maintaining the model output. Our proposed method outperforms the state-of-the-art baselines such as SpQR and BiLLM, especially, at extreme low-precision (2-bit and binary) quantization.
△ Less
Submitted 5 May, 2025; v1 submitted 23 May, 2024;
originally announced May 2024.
-
Mitigating Outlier Activations in Low-Precision Fine-Tuning of Language Models
Authors:
Alireza Ghaffari,
Justin Yu,
Mahsa Ghazvini Nejad,
Masoud Asgharian,
Boxing Chen,
Vahid Partovi Nia
Abstract:
Low-precision fine-tuning of language models has gained prominence as a cost-effective and energy-efficient approach to deploying large-scale models in various applications. However, this approach is susceptible to the existence of outlier values in activation. The outlier values in the activation can negatively affect the performance of fine-tuning language models in the low-precision regime sinc…
▽ More
Low-precision fine-tuning of language models has gained prominence as a cost-effective and energy-efficient approach to deploying large-scale models in various applications. However, this approach is susceptible to the existence of outlier values in activation. The outlier values in the activation can negatively affect the performance of fine-tuning language models in the low-precision regime since they affect the scaling factor and thus make representing smaller values harder. This paper investigates techniques for mitigating outlier activation in low-precision integer fine-tuning of the language models. Our proposed novel approach enables us to represent the outlier activation values in 8-bit integers instead of floating-point (FP16) values. The benefit of using integers for outlier values is that it enables us to use operator tiling to avoid performing 16-bit integer matrix multiplication to address this problem effectively. We provide theoretical analysis and supporting experiments to demonstrate the effectiveness of our approach in improving the robustness and performance of low-precision fine-tuned language models.
△ Less
Submitted 13 January, 2024; v1 submitted 14 December, 2023;
originally announced December 2023.
-
B^2SFL: A Bi-level Blockchained Architecture for Secure Federated Learning-based Traffic Prediction
Authors:
Hao Guo,
Collin Meese,
Wanxin Li,
Chien-Chung Shen,
Mark Nejad
Abstract:
Federated Learning (FL) is a privacy-preserving machine learning (ML) technology that enables collaborative training and learning of a global ML model based on aggregating distributed local model updates. However, security and privacy guarantees could be compromised due to malicious participants and the centralized FL server. This article proposed a bi-level blockchained architecture for secure fe…
▽ More
Federated Learning (FL) is a privacy-preserving machine learning (ML) technology that enables collaborative training and learning of a global ML model based on aggregating distributed local model updates. However, security and privacy guarantees could be compromised due to malicious participants and the centralized FL server. This article proposed a bi-level blockchained architecture for secure federated learning-based traffic prediction. The bottom and top layer blockchain store the local model and global aggregated parameters accordingly, and the distributed homomorphic-encrypted federated averaging (DHFA) scheme addresses the secure computation problems. We propose the partial private key distribution protocol and a partially homomorphic encryption/decryption scheme to achieve the distributed privacy-preserving federated averaging model. We conduct extensive experiments to measure the running time of DHFA operations, quantify the read and write performance of the blockchain network, and elucidate the impacts of varying regional group sizes and model complexities on the resulting prediction accuracy for the online traffic flow prediction task. The results indicate that the proposed system can facilitate secure and decentralized federated learning for real-world traffic prediction tasks.
△ Less
Submitted 23 October, 2023;
originally announced October 2023.
-
Large Intestine 3D Shape Refinement Using Point Diffusion Models for Digital Phantom Generation
Authors:
Kaouther Mouheb,
Mobina Ghojogh Nejad,
Lavsen Dahal,
Ehsan Samei,
Kyle J. Lafata,
W. Paul Segars,
Joseph Y. Lo
Abstract:
Accurate 3D modeling of human organs plays a crucial role in building computational phantoms for virtual imaging trials. However, generating anatomically plausible reconstructions of organ surfaces from computed tomography scans remains challenging for many structures in the human body. This challenge is particularly evident when dealing with the large intestine. In this study, we leverage recent…
▽ More
Accurate 3D modeling of human organs plays a crucial role in building computational phantoms for virtual imaging trials. However, generating anatomically plausible reconstructions of organ surfaces from computed tomography scans remains challenging for many structures in the human body. This challenge is particularly evident when dealing with the large intestine. In this study, we leverage recent advancements in geometric deep learning and denoising diffusion probabilistic models to refine the segmentation results of the large intestine. We begin by representing the organ as point clouds sampled from the surface of the 3D segmentation mask. Subsequently, we employ a hierarchical variational autoencoder to obtain global and local latent representations of the organ's shape. We train two conditional denoising diffusion models in the hierarchical latent space to perform shape refinement. To further enhance our method, we incorporate a state-of-the-art surface reconstruction model, allowing us to generate smooth meshes from the obtained complete point clouds. Experimental results demonstrate the effectiveness of our approach in capturing both the global distribution of the organ's shape and its fine details. Our complete refinement pipeline demonstrates remarkable enhancements in surface representation compared to the initial segmentation, reducing the Chamfer distance by 70%, the Hausdorff distance by 32%, and the Earth Mover's distance by 6%. By combining geometric deep learning, denoising diffusion models, and advanced surface reconstruction techniques, our proposed method offers a promising solution for accurately modeling the large intestine's surface and can easily be extended to other anatomical structures.
△ Less
Submitted 20 May, 2024; v1 submitted 15 September, 2023;
originally announced September 2023.
-
High Performance Networking Layer for Simulation Applications
Authors:
Amir Mohammad Zarif Shahsavan Nejad,
Amir Mahdi Zarif Shahsavan Nejad,
Amirali Setayeshi,
Soroush Sadeghnejad
Abstract:
Autonomous vehicles are one of the most popular and also fast-growing technologies in the world. As we go further, there are still a lot of challenges that are unsolved and may cause problems in the future when it comes to testing in real world. Simulations on the other hand have always had a huge impact in the fields of science, technology, physics, etc. The simulation also powers real-world Auto…
▽ More
Autonomous vehicles are one of the most popular and also fast-growing technologies in the world. As we go further, there are still a lot of challenges that are unsolved and may cause problems in the future when it comes to testing in real world. Simulations on the other hand have always had a huge impact in the fields of science, technology, physics, etc. The simulation also powers real-world Autonomous Vehicles nowadays. Therefore, We have built an Autonomous Vehicle Simulation Software - called AVIS Engine - that provides tools and features that help develop autonomous vehicles in various environments. AVIS Engine features an advanced input and output system for the vehicle and includes a traffic system and vehicle sensor system which can be communicated using the fast networking system and ROS Bridge.
△ Less
Submitted 30 August, 2023;
originally announced August 2023.
-
Aggregated Zero-knowledge Proof and Blockchain-Empowered Authentication for Autonomous Truck Platooning
Authors:
Wanxin Li,
Collin Meese,
Hao Guo,
Mark Nejad
Abstract:
Platooning technologies enable trucks to drive cooperatively and automatically, providing benefits including less fuel consumption, greater road capacity, and safety. This paper introduces an aggregated zero-knowledge proof and blockchain-empowered system for privacy-preserving identity verification in the mixed fleet platooning environment. The correctness proof and the security analysis of the p…
▽ More
Platooning technologies enable trucks to drive cooperatively and automatically, providing benefits including less fuel consumption, greater road capacity, and safety. This paper introduces an aggregated zero-knowledge proof and blockchain-empowered system for privacy-preserving identity verification in the mixed fleet platooning environment. The correctness proof and the security analysis of the proposed authentication scheme are provided, highlighting its increased security and fast performance in comparison to a single-proof design. The blockchain performs the role of verifier within the authentication scheme, reducing unnecessary communication overhead. Moreover, the blockchain improves system resilience by providing fault tolerance to the decentralized verification process. Platooning records are stored directly on the digital ledger to guarantee data immutability and integrity, while the programmable access control policies ensure data privacy. The experimental results demonstrate that the proposed approach can perform authentication on the order of milliseconds, regardless of the number of proofs, highlighting feasibility for real-world deployment in truck platooning.
△ Less
Submitted 31 May, 2023;
originally announced May 2023.
-
A Hybrid Blockchain-Edge Architecture for Electronic Health Records Management with Attribute-based Cryptographic Mechanisms
Authors:
Hao Guo,
Wanxin Li,
Mark Nejad,
Chien-Chung Shen
Abstract:
This paper presents a hybrid blockchain-edge architecture for managing Electronic Health Records (EHRs) with attribute-based cryptographic mechanisms. The architecture introduces a novel attribute-based signature aggregation (ABSA) scheme and multi-authority attribute-based encryption (MA-ABE) integrated with Paillier homomorphic encryption (HE) to protect patients' anonymity and safeguard their E…
▽ More
This paper presents a hybrid blockchain-edge architecture for managing Electronic Health Records (EHRs) with attribute-based cryptographic mechanisms. The architecture introduces a novel attribute-based signature aggregation (ABSA) scheme and multi-authority attribute-based encryption (MA-ABE) integrated with Paillier homomorphic encryption (HE) to protect patients' anonymity and safeguard their EHRs. All the EHR activities and access control events are recorded permanently as blockchain transactions. We develop the ABSA module on Hyperledger Ursa cryptography library, MA-ABE module on OpenABE toolset, and blockchain network on Hyperledger Fabric. We measure the execution time of ABSA's signing and verification functions, MA-ABE with different access policies and homomorphic encryption schemes, and compare the results with other existing blockchain-based EHR systems. We validate the access activities and authentication events recorded in blockchain transactions and evaluate the transaction throughput and latency using Hyperledger Caliper. The results show that the performance meets real-world scenarios' requirements while safeguarding EHR and is robust against unauthorized retrievals.
△ Less
Submitted 31 May, 2023;
originally announced May 2023.
-
Traffic Prediction using Artificial Intelligence: Review of Recent Advances and Emerging Opportunities
Authors:
Maryam Shaygan,
Collin Meese,
Wanxin Li,
Xiaolong Zhao,
Mark Nejad
Abstract:
Traffic prediction plays a crucial role in alleviating traffic congestion which represents a critical problem globally, resulting in negative consequences such as lost hours of additional travel time and increased fuel consumption. Integrating emerging technologies into transportation systems provides opportunities for improving traffic prediction significantly and brings about new research proble…
▽ More
Traffic prediction plays a crucial role in alleviating traffic congestion which represents a critical problem globally, resulting in negative consequences such as lost hours of additional travel time and increased fuel consumption. Integrating emerging technologies into transportation systems provides opportunities for improving traffic prediction significantly and brings about new research problems. In order to lay the foundation for understanding the open research challenges in traffic prediction, this survey aims to provide a comprehensive overview of traffic prediction methodologies. Specifically, we focus on the recent advances and emerging research opportunities in Artificial Intelligence (AI)-based traffic prediction methods, due to their recent success and potential in traffic prediction, with an emphasis on multivariate traffic time series modeling. We first provide a list and explanation of the various data types and resources used in the literature. Next, the essential data preprocessing methods within the traffic prediction context are categorized, and the prediction methods and applications are subsequently summarized. Lastly, we present primary research challenges in traffic prediction and discuss some directions for future research.
△ Less
Submitted 4 June, 2023; v1 submitted 31 May, 2023;
originally announced May 2023.
-
A Hierarchical and Location-aware Consensus Protocol for IoT-Blockchain Applications
Authors:
Hao Guo,
Wanxin Li,
Mark Nejad
Abstract:
Blockchain-based IoT systems can manage IoT devices and achieve a high level of data integrity, security, and provenance. However, incorporating existing consensus protocols in many IoT systems limits scalability and leads to high computational cost and consensus latency. In addition, location-centric characteristics of many IoT applications paired with limited storage and computing power of IoT d…
▽ More
Blockchain-based IoT systems can manage IoT devices and achieve a high level of data integrity, security, and provenance. However, incorporating existing consensus protocols in many IoT systems limits scalability and leads to high computational cost and consensus latency. In addition, location-centric characteristics of many IoT applications paired with limited storage and computing power of IoT devices bring about more limitations, primarily due to the location-agnostic designs in blockchains. We propose a hierarchical and location-aware consensus protocol (LH-Raft) for IoT-blockchain applications inspired by the original Raft protocol to address these limitations. The proposed LH-Raft protocol forms local consensus candidate groups based on nodes' reputation and distance to elect the leaders in each sub-layer blockchain. It utilizes a threshold signature scheme to reach global consensus and the local and global log replication to maintain consistency for blockchain transactions. To evaluate the performance of LH-Raft, we first conduct an extensive numerical analysis based on the proposed reputation mechanism and the candidate group formation model. We then compare the performance of LH-Raft against the classical Raft protocol from both theoretical and experimental perspectives. We evaluate the proposed threshold signature scheme using Hyperledger Ursa cryptography library to measure various consensus nodes' signing and verification time. Experimental results show that the proposed LH-Raft protocol is scalable for large IoT applications and significantly reduces the communication cost, consensus latency, and agreement time for consensus processing.
△ Less
Submitted 28 May, 2023;
originally announced May 2023.
-
BFRT: Blockchained Federated Learning for Real-time Traffic Flow Prediction
Authors:
Collin Meese,
Hang Chen,
Syed Ali Asif,
Wanxin Li,
Chien-Chung Shen,
Mark Nejad
Abstract:
Accurate real-time traffic flow prediction can be leveraged to relieve traffic congestion and associated negative impacts. The existing centralized deep learning methodologies have demonstrated high prediction accuracy, but suffer from privacy concerns due to the sensitive nature of transportation data. Moreover, the emerging literature on traffic prediction by distributed learning approaches, inc…
▽ More
Accurate real-time traffic flow prediction can be leveraged to relieve traffic congestion and associated negative impacts. The existing centralized deep learning methodologies have demonstrated high prediction accuracy, but suffer from privacy concerns due to the sensitive nature of transportation data. Moreover, the emerging literature on traffic prediction by distributed learning approaches, including federated learning, primarily focuses on offline learning. This paper proposes BFRT, a blockchained federated learning architecture for online traffic flow prediction using real-time data and edge computing. The proposed approach provides privacy for the underlying data, while enabling decentralized model training in real-time at the Internet of Vehicles edge. We federate GRU and LSTM models and conduct extensive experiments with dynamically collected arterial traffic data shards. We prototype the proposed permissioned blockchain network on Hyperledger Fabric and perform extensive tests using virtual machines to simulate the edge nodes. Experimental results outperform the centralized models, highlighting the feasibility of our approach for facilitating privacy-preserving and decentralized real-time traffic flow prediction.
△ Less
Submitted 28 May, 2023;
originally announced May 2023.
-
A Location-based and Hierarchical Framework for Fast Consensus in Blockchain Networks
Authors:
Hao Guo,
Wanxin Li,
Mark Nejad
Abstract:
Blockchain-based IoT systems can manage IoT devices and achieve a high level of data integrity, security, and provenance. However, incorporating the existing consensus protocols in many IoT systems limits scalability and leads to high computational cost and network latency. We propose a hierar-chical and location-aware consensus protocol for IoI-blockchain applications inspired by the original Raf…
▽ More
Blockchain-based IoT systems can manage IoT devices and achieve a high level of data integrity, security, and provenance. However, incorporating the existing consensus protocols in many IoT systems limits scalability and leads to high computational cost and network latency. We propose a hierar-chical and location-aware consensus protocol for IoI-blockchain applications inspired by the original Raft protocol to address these limitations. The proposed consensus protocol generates the consensus candidate groups based on nodes' individual reputation and distance information to elect the leader in each sub-layer blockchain and uses our threshold signature scheme to reach global consensus. Experimental results show that the proposed consensus protocol is scalable for large IoT applications and significantly reduces the communication cost, network latency, and agreement time by more than 50% compared with the Raft protocol for consensus processing.
△ Less
Submitted 26 May, 2023;
originally announced May 2023.
-
P-CFT: A Privacy-preserving and Crash Fault Tolerant Consensus Algorithm for Permissioned Blockchains
Authors:
Wanxin Li,
Collin Meese,
Mark Nejad,
Hao Guo
Abstract:
Consensus algorithms play a critical role in blockchains and directly impact their performance. During consensus processing, nodes need to validate and order the pending transactions into a new block, which requires verifying the application-specific data encapsulated within a transaction. This exposes the underlying data to the consensus nodes, presenting privacy concerns. Existing consensus algo…
▽ More
Consensus algorithms play a critical role in blockchains and directly impact their performance. During consensus processing, nodes need to validate and order the pending transactions into a new block, which requires verifying the application-specific data encapsulated within a transaction. This exposes the underlying data to the consensus nodes, presenting privacy concerns. Existing consensus algorithms focus on realizing application security and performance goals, but lack privacy-by-design properties or are resource-heavy and intended for securing permissionless blockchain networks. In this paper, we propose P-CFT, a zero-knowledge and crash fault tolerant consensus algorithm for permissioned blockchains. The proposed consensus algorithm provides inherent data privacy directly to the consensus layer, while still providing guarantees of crash fault tolerance. We conduct experiments using the Hyperledger Ursa cryptographic library, and the results show promise for integrating P-CFT into existing permissioned blockchain systems requiring privacy-preserving and crash fault tolerant features.
△ Less
Submitted 26 May, 2023;
originally announced May 2023.
-
Location-aware Verification for Autonomous Truck Platooning Based on Blockchain and Zero-knowledge Proof
Authors:
Wanxin Li,
Collin Meese,
Zijia Zhong,
Hao Guo,
Mark Nejad
Abstract:
Platooning technologies enable trucks to drive cooperatively and automatically, which bring benefits including less fuel consumption, more road capacity and safety. In order to establish trust during dynamic platoon formation, ensure vehicular data integrity, and guard platoons against potential attackers, it is pivotal to verify any given vehicle's identity information before granting it access t…
▽ More
Platooning technologies enable trucks to drive cooperatively and automatically, which bring benefits including less fuel consumption, more road capacity and safety. In order to establish trust during dynamic platoon formation, ensure vehicular data integrity, and guard platoons against potential attackers, it is pivotal to verify any given vehicle's identity information before granting it access to join a platoon. To address this concern in dynamic truck platooning, we present a novel location-aware and privacy-preserving verification protocol based on zero-knowledge proof and permissioned blockchain. By performing the verification process within the spatially-local area defined by a given platoon, our system can provide lower latency and communication overhead compared to a location-agnostic blockchain system. We prototype the proposed system and perform benchmark tests on the Hyperledger platform. The experimental results show that our system is suitable for real-world truck platooning.
△ Less
Submitted 26 May, 2023;
originally announced May 2023.
-
A new transformation for embedded convolutional neural network approach toward real-time servo motor overload fault-detection
Authors:
Seyed Mohammad Hossein Abedy Nejad,
Mohammad Amin Behzadi,
Abdolrahim Taheri
Abstract:
Overloading in DC servo motors is a major concern in industries, as many companies face the problem of finding expert operators, and also human monitoring may not be an effective solution. Therefore, this paper proposed an embedded Artificial intelligence (AI) approach using a Convolutional Neural Network (CNN) using a new transformation to extract faults from real-time input signals without human…
▽ More
Overloading in DC servo motors is a major concern in industries, as many companies face the problem of finding expert operators, and also human monitoring may not be an effective solution. Therefore, this paper proposed an embedded Artificial intelligence (AI) approach using a Convolutional Neural Network (CNN) using a new transformation to extract faults from real-time input signals without human interference. Our main purpose is to extract as many as possible features from the input signal to achieve a relaxed dataset that results in an effective but compact network to provide real-time fault detection even in a low-memory microcontroller. Besides, fault detection method a synchronous dual-motor system is also proposed to take action in faulty events. To fulfill this intention, a one-dimensional input signal from the output current of each DC servo motor is monitored and transformed into a 3d stack of data and then the CNN is implemented into the processor to detect any fault corresponding to overloading, finally experimental setup results in 99.9997% accuracy during testing for a model with nearly 8000 parameters. In addition, the proposed dual-motor system could achieve overload reduction and provide a fault-tolerant system and it is shown that this system also takes advantage of less energy consumption.
△ Less
Submitted 8 April, 2023;
originally announced April 2023.
-
Designing a Sequential Recommendation System for Heterogeneous Interactions Using Transformers
Authors:
Mehdi Soleiman Nejad,
Meysam Varasteh,
Hadi Moradi,
Mohammad Amin Sadeghi
Abstract:
While many production-ready and robust algorithms are available for the task of recommendation systems, many of these systems do not take the order of user's consumption into account. The order of consumption can be very useful and matters in many scenarios. One such scenario is an educational content recommendation, where users generally follow a progressive path towards more advanced courses. Re…
▽ More
While many production-ready and robust algorithms are available for the task of recommendation systems, many of these systems do not take the order of user's consumption into account. The order of consumption can be very useful and matters in many scenarios. One such scenario is an educational content recommendation, where users generally follow a progressive path towards more advanced courses. Researchers have used RNNs to build sequential recommendation systems and other models that deal with sequences. Sequential Recommendation systems try to predict the next event for the user by reading their history. With the massive success of Transformers in Natural Language Processing and their usage of Attention Mechanism to better deal with sequences, there have been attempts to use this family of models as a base for a new generation of sequential recommendation systems. In this work, by converting each user's interactions with items into a series of events and basing our architecture on Transformers, we try to enable the use of such a model that takes different types of events into account. Furthermore, by recognizing that some events have to occur before some other types of events take place, we try to modify the architecture to reflect this dependency relationship and enhance the model's performance.
△ Less
Submitted 30 April, 2022;
originally announced May 2022.
-
An Improved Hybrid Recommender System: Integrating Document Context-Based and Behavior-Based Methods
Authors:
Meysam Varasteh,
Mehdi Soleiman Nejad,
Hadi Moradi,
Mohammad Amin Sadeghi,
Ahmad Kalhor
Abstract:
One of the main challenges in recommender systems is data sparsity which leads to high variance. Several attempts have been made to improve the bias-variance trade-off using auxiliary information. In particular, document modeling-based methods have improved the model's accuracy by using textual data such as reviews, abstracts, and storylines when the user-to-item rating matrix is sparse. However,…
▽ More
One of the main challenges in recommender systems is data sparsity which leads to high variance. Several attempts have been made to improve the bias-variance trade-off using auxiliary information. In particular, document modeling-based methods have improved the model's accuracy by using textual data such as reviews, abstracts, and storylines when the user-to-item rating matrix is sparse. However, such models are insufficient to learn optimal representation for users and items. User-based and item-based collaborative filtering, owing to their efficiency and interpretability, have been long used for building recommender systems. They create a profile for each user and item respectively as their historically interacted items and the users who interacted with the target item.
This work combines these two approaches with document context-aware recommender systems by considering users' opinions on these items. Another advantage of our model is that it supports online personalization. If a user has new interactions, it needs to refresh the user and item history representation vectors instead of updating model parameters. The proposed algorithm is implemented and tested on three real-world datasets that demonstrate our model's effectiveness over the baseline methods.
△ Less
Submitted 12 September, 2021;
originally announced September 2021.
-
Blockchain-enabled Identity Verification for Safe Ridesharing Leveraging Zero-Knowledge Proof
Authors:
Wanxin Li,
Collin Meese,
Hao Guo,
Mark Nejad
Abstract:
The on-demand mobility market, including ridesharing, is becoming increasingly important with e-hailing fares growing at a rate of approximately 130% per annum since 2013. By increasing utilization of existing vehicles and empty seats, ridesharing can provide many benefits including reduced traffic congestion and environmental impact from vehicle usage and production. However, the safety of riders…
▽ More
The on-demand mobility market, including ridesharing, is becoming increasingly important with e-hailing fares growing at a rate of approximately 130% per annum since 2013. By increasing utilization of existing vehicles and empty seats, ridesharing can provide many benefits including reduced traffic congestion and environmental impact from vehicle usage and production. However, the safety of riders and drivers has become of paramount concern and a method for privacy-preserving identity verification between untrusted parties is essential for protecting users. To this end, we propose a novel privacy-preserving identity verification system, extending zero-knowledge proof (ZKP) and blockchain for use in ridesharing applications. We design a permissioned blockchain network to perform the ZKP verification of a driver's identity, which also acts as an immutable ledger to store ride logs and ZKP records. For the ZKP module, we design a protocol to facilitate user verification without requiring the exchange of any private information. We prototype the proposed system on the Hyperledger Fabric platform, with the Hyperledger Ursa cryptography library, and conduct extensive experimentation. To measure the prototype's performance, we utilize the Hyperledger Caliper benchmark tool to perform extensive analysis and the results show that our system is suitable for use in real-world ridesharing applications.
△ Less
Submitted 1 November, 2020; v1 submitted 26 October, 2020;
originally announced October 2020.
-
Autonomous and Semi-Autonomous Intersection Management: A Survey
Authors:
Zijia Zhong,
Mark Nejad,
Earl E. Lee
Abstract:
Intersection is a major source of traffic delays and accidents within modern transportation systems. Compared to signalized intersection management, autonomous intersection management (AIM) coordinates the intersection crossing at an individual vehicle level with additional flexibility. AIM can potentially eliminate stopping in intersection crossing due to traffic lights while maintaining a safe s…
▽ More
Intersection is a major source of traffic delays and accidents within modern transportation systems. Compared to signalized intersection management, autonomous intersection management (AIM) coordinates the intersection crossing at an individual vehicle level with additional flexibility. AIM can potentially eliminate stopping in intersection crossing due to traffic lights while maintaining a safe separation among conflicting movements. In this paper, the state-of-the-art AIM research among various disciplines (e.g., traffic engineering, control engineering) is surveyed from the perspective of three hierarchical layers: corridor coordination layer, intersection management layer, and vehicle control layer. The key aspects of AIM designs are discussed in details, including conflict detection schemes, priority rules, control centralization, computation complexity, etc. The potential improvements for AIM evaluation with the emphasis of realistic scenarios are provided. This survey serves as a comprehensive review of AIM design and provides promising directions for future research.
△ Less
Submitted 31 October, 2020; v1 submitted 23 June, 2020;
originally announced June 2020.
-
Influence of CAV Clustering Strategies on Mixed Traffic Flow Characteristics: An Analysis of Vehicle Trajectory Data
Authors:
Zijia Zhong,
Earl E. Lee,
Mark Nejad,
Joyoung Lee
Abstract:
Being one of the most promising applications enabled by connected and automated vehicles (CAV) technology, Cooperative Adaptive Cruise Control (CACC) is expected to be deployed in the near term on public roads.} Thus far, the majority of the CACC studies have been focusing on the overall network performance with limited insights on the potential impacts of CAVs on human-driven vehicles (HVs).This…
▽ More
Being one of the most promising applications enabled by connected and automated vehicles (CAV) technology, Cooperative Adaptive Cruise Control (CACC) is expected to be deployed in the near term on public roads.} Thus far, the majority of the CACC studies have been focusing on the overall network performance with limited insights on the potential impacts of CAVs on human-driven vehicles (HVs).This paper aims to quantify such impacts by studying the high-resolution vehicle trajectory data that are obtained from microscopic simulation. Two platoon clustering strategies for CACC- an ad hoc coordination strategy and a local coordination strategy-are implemented. Results show that the local coordination outperforms the ad hoc coordination across all tested market penetration rates (MPRs) in terms of network throughput and productivity. According to the two-sample Kolmogorov-\textcolor{re}{Smirnov} test, however, the distributions of the hard braking events (as a potential safety impact) for HVs change significantly under local coordination strategy. For both of the clustering strategy, CAVs increase the average lane change frequency for HVs. The break-even point for average lane change frequency between the two strategies is observed at 30% MPR, which decreases from 5.42 to 5.38 per vehicle. The average lane change frequency following a monotonically increasing pattern in response to MPR, and it reaches the highest 5.48 per vehicle at 40% MPR. Lastly, the interaction state of the car-following model for HVs is analyzed. It is revealed that the composition of the interaction state could be influenced by CAVs as well. One of the apparent trends is that the time spent on approaching state declines with the increasing presence of CAVs.
△ Less
Submitted 10 February, 2021; v1 submitted 16 March, 2020;
originally announced March 2020.
-
Attribute-based Multi-Signature and Encryption for EHR Management: A Blockchain-based Solution
Authors:
Hao Guo,
Wanxin Li,
Ehsan Meamari,
Chien-Chung Shen,
Mark Nejad
Abstract:
The global Electronic Health Record (EHR) market is growing dramatically and has already hit $31.5 billion in 2018. To safeguard the security of EHR data and privacy of patients, fine-grained information access and sharing mechanisms are essential for EHR management. This paper proposes a hybrid architecture of blockchain and edge nodes to facilitate EHR management. In this architecture, we utiliz…
▽ More
The global Electronic Health Record (EHR) market is growing dramatically and has already hit $31.5 billion in 2018. To safeguard the security of EHR data and privacy of patients, fine-grained information access and sharing mechanisms are essential for EHR management. This paper proposes a hybrid architecture of blockchain and edge nodes to facilitate EHR management. In this architecture, we utilize attribute-based multi-signature (ABMS) scheme to authenticate user's signatures without revealing the sensitive information and multi-authority attribute-based encryption (ABE) scheme to encrypt EHR data which is stored on the edge node. We develop the blockchain module on Hyperledger Fabric platform and the ABMS module on Hyperledger Ursa library. We measure the signing and verifying time of the ABMS scheme under different settings, and experiment with the authentication events and access activities which are logged as transactions in blockchain.
△ Less
Submitted 25 February, 2020;
originally announced February 2020.
-
Building Confidence in Scientific Computing Software Via Assurance Cases
Authors:
Spencer Smith,
Mojdeh Sayari Nejad,
Alan Wassyng
Abstract:
Assurance cases provide an organized and explicit argument for correctness. They can dramatically improve the certification of Scientific Computing Software (SCS). Assurance cases have already been effectively used for safety cases for real time systems. Their advantages for SCS include engaging domain experts, producing only necessary documentation, and providing evidence that can be verified/rep…
▽ More
Assurance cases provide an organized and explicit argument for correctness. They can dramatically improve the certification of Scientific Computing Software (SCS). Assurance cases have already been effectively used for safety cases for real time systems. Their advantages for SCS include engaging domain experts, producing only necessary documentation, and providing evidence that can be verified/replicated. This paper illustrates assurance cases for SCS through the correctness case for 3dfim+, an existing Medical Imaging Application (MIA) for analyzing activity in the brain. This example was partly chosen because of recent concerns about the validity of fMRI (Functional Magnetic Resonance Imaging) studies. The example justifies the value of assurance cases for SCS, since the existing documentation is shown to have ambiguities and omissions, such as an incompletely defined ranking function and missing details on the coordinate system. A serious concern for 3dfim+ is identified: running the software does not produce any warning about the necessity of using data that matches the parametric statistical model employed for the correlation calculations. Raising the bar for SCS in general, and MIA in particular, is both feasible and necessary - when software impacts safety, an assurance case methodology (or an equivalently rigorous confidence building methodology) should be employed.
△ Less
Submitted 31 December, 2019;
originally announced December 2019.
-
Clustering Strategies of Cooperative Adaptive Cruise Control: Impacts on Human-driven Vehicles
Authors:
Zijia Zhong,
Mark Nejad,
Earl E. Lee,
Joyoung Lee
Abstract:
As a promising application of connected and automated vehicles (CAVs), Cooperative Adaptive Cruise Control (CACC) is expected to be deployed on the public road in the near term. Thus far the majority of the CACC studies have been focusing on the overall network performance with limited insight on the potential impact of CAVs on human-driven vehicles (HVs). This paper aims to quantify the influence…
▽ More
As a promising application of connected and automated vehicles (CAVs), Cooperative Adaptive Cruise Control (CACC) is expected to be deployed on the public road in the near term. Thus far the majority of the CACC studies have been focusing on the overall network performance with limited insight on the potential impact of CAVs on human-driven vehicles (HVs). This paper aims to quantify the influence of CAVs on HVs by studying the high-resolution vehicle trajectory data that is obtained from microscopic simulation. Two clustering strategies for CACC are implemented: an ad hoc coordination one and a local coordination one. Results show that the local coordination outperforms the ad hoc coordination across all tested market penetration rates (MPRs) in terms of network throughput and productivity. The greatest performance difference between the two strategies is observed at 30% and 40% MPR for throughput and productivity, respectively. However, the distributions of the hard braking observations (as a potential safety impact) for HVs change significantly under local coordination strategy. Regardless of the clustering strategy, CAVs increase the average lane change frequency for HVs. 30% MPR is the break-even point for local coordination, after which the average lane change frequency decreases from the peak 5.42 to 5.38. Such inverse relationship to MPR is not found in the ah hoc case and the average lane change frequency reaches the highest 5.48 at 40% MPR.
△ Less
Submitted 29 September, 2019;
originally announced September 2019.
-
A Blockchain-Based Architecture for Traffic Signal Control Systems
Authors:
Wanxin Li,
Mark Nejad,
Rui Zhang
Abstract:
Ever-growing incorporation of connected vehicle (CV) technologies into intelligent traffic signal control systems bring about significant data security issues in the connected vehicular networks. This paper presents a novel decentralized and secure by design architecture for connected vehicle data security, which is based on the emerging blockchain paradigm. In a simulation study, we applied this…
▽ More
Ever-growing incorporation of connected vehicle (CV) technologies into intelligent traffic signal control systems bring about significant data security issues in the connected vehicular networks. This paper presents a novel decentralized and secure by design architecture for connected vehicle data security, which is based on the emerging blockchain paradigm. In a simulation study, we applied this architecture to defend the Intelligent Traffic Signal System (I-SIG), a USDOT approved CV pilot program, against congestion attacks. The results show the performance of the proposed architecture for the traffic signal control system.
△ Less
Submitted 13 September, 2019; v1 submitted 6 June, 2019;
originally announced June 2019.
-
Access Control for Electronic Health Records with Hybrid Blockchain-Edge Architecture
Authors:
Hao Guo,
Wanxin Li,
Mark Nejad,
Chien-Chung Shen
Abstract:
The global Electronic Health Record (EHR) market is growing dramatically and expected to reach $39.7 billions by 2022. To safe-guard security and privacy of EHR, access control is an essential mechanism for managing EHR data. This paper proposes a hybrid architecture to facilitate access control of EHR data by using both blockchain and edge node. Within the architecture, a blockchain-based control…
▽ More
The global Electronic Health Record (EHR) market is growing dramatically and expected to reach $39.7 billions by 2022. To safe-guard security and privacy of EHR, access control is an essential mechanism for managing EHR data. This paper proposes a hybrid architecture to facilitate access control of EHR data by using both blockchain and edge node. Within the architecture, a blockchain-based controller manages identity and access control policies and serves as a tamper-proof log of access events. In addition, off-chain edge nodes store the EHR data and apply policies specified in Abbreviated Language For Authorization (ALFA) to enforce attribute-based access control on EHR data in collaboration with the blockchain-based access control logs. We evaluate the proposed hybrid architecture by utilizing Hyperledger Composer Fabric blockchain to measure the performance of executing smart contracts and ACL policies in terms of transaction processing time and response time against unauthorized data retrieval.
△ Less
Submitted 4 June, 2019;
originally announced June 2019.
-
A Linear-complexity Multi-biometric Forensic Document Analysis System, by Fusing the Stylome and Signature Modalities
Authors:
Sayyed-Ali Hossayni,
Yousef Alizadeh-Q,
Vahid Tavana,
Seyed M. Hosseini Nejad,
Mohammad-R Akbarzadeh-T,
Esteve Del Acebo,
Josep Lluis De la Rosa i Esteva,
Enrico Grosso,
Massimo Tistarelli,
Przemyslaw Kudlacik
Abstract:
Forensic Document Analysis (FDA) addresses the problem of finding the authorship of a given document. Identification of the document writer via a number of its modalities (e.g. handwriting, signature, linguistic writing style (i.e. stylome), etc.) has been studied in the FDA state-of-the-art. But, no research is conducted on the fusion of stylome and signature modalities. In this paper, we propose…
▽ More
Forensic Document Analysis (FDA) addresses the problem of finding the authorship of a given document. Identification of the document writer via a number of its modalities (e.g. handwriting, signature, linguistic writing style (i.e. stylome), etc.) has been studied in the FDA state-of-the-art. But, no research is conducted on the fusion of stylome and signature modalities. In this paper, we propose such a bimodal FDA system (which has vast applications in judicial, police-related, and historical documents analysis) with a focus on time-complexity. The proposed bimodal system can be trained and tested with linear time complexity. For this purpose, we first revisit Multinomial Naïve Bayes (MNB), as the best state-of-the-art linear-complexity authorship attribution system and, then, prove its superior accuracy to the well-known linear-complexity classifiers in the state-of-the-art. Then, we propose a fuzzy version of MNB for being fused with a state-of-the-art well-known linear-complexity fuzzy signature recognition system. For the evaluation purposes, we construct a chimeric dataset, composed of signatures and textual contents of different letters. Despite its linear-complexity, the proposed multi-biometric system is proven to meaningfully improve its state-of-the-art unimodal counterparts, regarding the accuracy, F-Score, Detection Error Trade-off (DET), Cumulative Match Characteristics (CMC), and Match Score Histograms (MSH) evaluation metrics.
△ Less
Submitted 26 January, 2019;
originally announced February 2019.
-
Reversible Gates in Emerging Quantum-dot Cellular Automata Technology: An Innovative Approach to Design and Simulation
Authors:
Moein Sarvaghad-Moghaddam,
Ali A. Orouji,
Zeinab Ramezani,
Iraj Sadegh Amiri,
Alireza Mahdavi Nejad
Abstract:
Power dissipation is known as the most notable limiting factor in all nano-electronic design techniques including Quantum-dot Cellular Automata (QCA). The familiar reversible computing approach is used as a reasonably reliable solution, mitigating power dissipation. This study presents, a comprehensive multi-objective method for designing R-Fs in emerging QCA technology. The results are investigat…
▽ More
Power dissipation is known as the most notable limiting factor in all nano-electronic design techniques including Quantum-dot Cellular Automata (QCA). The familiar reversible computing approach is used as a reasonably reliable solution, mitigating power dissipation. This study presents, a comprehensive multi-objective method for designing R-Fs in emerging QCA technology. The results are investigated in both logical and layout levels, in detail. The results verify that the approach offered in this study has advantage over the most efficient approaches available in the literature by far. This comparison can be made on various parameters ranging from area, complexity (cell amount), delay (clocking zones), and to even logical levels including levels, Control inputs, the number of majority and NOT gates.
△ Less
Submitted 9 December, 2019; v1 submitted 29 March, 2018;
originally announced March 2018.
-
On Storage Allocation in Cache-Enabled Interference Channels with Mixed CSIT
Authors:
Mohammad Ali Tahmasbi Nejad,
Seyed Pooya Shariatpanahi,
Babak Hossein Khalaj
Abstract:
Recently, it has been shown that in a cache-enabled interference channel, the storage at the transmit and receive sides are of equal value in terms of Degrees of Freedom (DoF). This is derived by assuming full Channel State Information at the Transmitter (CSIT). In this paper, we consider a more practical scenario, where a training/feedback phase should exist for obtaining CSIT, during which insta…
▽ More
Recently, it has been shown that in a cache-enabled interference channel, the storage at the transmit and receive sides are of equal value in terms of Degrees of Freedom (DoF). This is derived by assuming full Channel State Information at the Transmitter (CSIT). In this paper, we consider a more practical scenario, where a training/feedback phase should exist for obtaining CSIT, during which instantaneous channel state is not known to the transmitters. This results in a combination of delayed and current CSIT availability, called mixed CSIT. In this setup, we derive DoF of a cache-enabled interference channel with mixed CSIT, which depends on the memory available at transmit and receive sides as well as the training/feedback phase duration. In contrast to the case of having full CSIT, we prove that, in our setup, the storage at the receive side is more valuable than the one at the transmit side. This is due to the fact that cooperation opportunities granted by transmitters' caches are strongly based on instantaneous CSIT availability. However, multi-casting opportunities provided by receivers' caches are robust to such imperfection.
△ Less
Submitted 21 January, 2017; v1 submitted 20 November, 2016;
originally announced November 2016.