-
EdgeProfiler: A Fast Profiling Framework for Lightweight LLMs on Edge Using Analytical Model
Authors:
Alyssa Pinnock,
Shakya Jayakody,
Kawsher A Roxy,
Md Rubel Ahmed
Abstract:
This paper introduces EdgeProfiler, a fast profiling framework designed for evaluating lightweight Large Language Models (LLMs) on edge systems. While LLMs offer remarkable capabilities in natural language understanding and generation, their high computational, memory, and power requirements often confine them to cloud environments. EdgeProfiler addresses these challenges by providing a systematic…
▽ More
This paper introduces EdgeProfiler, a fast profiling framework designed for evaluating lightweight Large Language Models (LLMs) on edge systems. While LLMs offer remarkable capabilities in natural language understanding and generation, their high computational, memory, and power requirements often confine them to cloud environments. EdgeProfiler addresses these challenges by providing a systematic methodology for assessing LLM performance in resource-constrained edge settings. The framework profiles compact LLMs, including TinyLLaMA, Gemma3.1B, Llama3.2-1B, and DeepSeek-r1-1.5B, using aggressive quantization techniques and strict memory constraints. Analytical modeling is used to estimate latency, FLOPs, and energy consumption. The profiling reveals that 4-bit quantization reduces model memory usage by approximately 60-70%, while maintaining accuracy within 2-5% of full-precision baselines. Inference speeds are observed to improve by 2-3x compared to FP16 baselines across various edge devices. Power modeling estimates a 35-50% reduction in energy consumption for INT4 configurations, enabling practical deployment on hardware such as Raspberry Pi 4/5 and Jetson Orin Nano Super. Our findings emphasize the importance of efficient profiling tailored to lightweight LLMs in edge environments, balancing accuracy, energy efficiency, and computational feasibility.
△ Less
Submitted 14 June, 2025; v1 submitted 5 June, 2025;
originally announced June 2025.
-
Enhanced Speech Emotion Recognition with Efficient Channel Attention Guided Deep CNN-BiLSTM Framework
Authors:
Niloy Kumar Kundu,
Sarah Kobir,
Md. Rayhan Ahmed,
Tahmina Aktar,
Niloya Roy
Abstract:
Speech emotion recognition (SER) is crucial for enhancing affective computing and enriching the domain of human-computer interaction. However, the main challenge in SER lies in selecting relevant feature representations from speech signals with lower computational costs. In this paper, we propose a lightweight SER architecture that integrates attention-based local feature blocks (ALFBs) to capture…
▽ More
Speech emotion recognition (SER) is crucial for enhancing affective computing and enriching the domain of human-computer interaction. However, the main challenge in SER lies in selecting relevant feature representations from speech signals with lower computational costs. In this paper, we propose a lightweight SER architecture that integrates attention-based local feature blocks (ALFBs) to capture high-level relevant feature vectors from speech signals. We also incorporate a global feature block (GFB) technique to capture sequential, global information and long-term dependencies in speech signals. By aggregating attention-based local and global contextual feature vectors, our model effectively captures the internal correlation between salient features that reflect complex human emotional cues. To evaluate our approach, we extracted four types of spectral features from speech audio samples: mel-frequency cepstral coefficients, mel-spectrogram, root mean square value, and zero-crossing rate. Through a 5-fold cross-validation strategy, we tested the proposed method on five multi-lingual standard benchmark datasets: TESS, RAVDESS, BanglaSER, SUBESCO, and Emo-DB, and obtained a mean accuracy of 99.65%, 94.88%, 98.12%, 97.94%, and 97.19% respectively. The results indicate that our model achieves state-of-the-art (SOTA) performance compared to most existing methods.
△ Less
Submitted 13 December, 2024;
originally announced December 2024.
-
Data Augmentation for Image Classification using Generative AI
Authors:
Fazle Rahat,
M Shifat Hossain,
Md Rubel Ahmed,
Sumit Kumar Jha,
Rickard Ewetz
Abstract:
Scaling laws dictate that the performance of AI models is proportional to the amount of available data. Data augmentation is a promising solution to expanding the dataset size. Traditional approaches focused on augmentation using rotation, translation, and resizing. Recent approaches use generative AI models to improve dataset diversity. However, the generative methods struggle with issues such as…
▽ More
Scaling laws dictate that the performance of AI models is proportional to the amount of available data. Data augmentation is a promising solution to expanding the dataset size. Traditional approaches focused on augmentation using rotation, translation, and resizing. Recent approaches use generative AI models to improve dataset diversity. However, the generative methods struggle with issues such as subject corruption and the introduction of irrelevant artifacts. In this paper, we propose the Automated Generative Data Augmentation (AGA). The framework combines the utility of large language models (LLMs), diffusion models, and segmentation models to augment data. AGA preserves foreground authenticity while ensuring background diversity. Specific contributions include: i) segment and superclass based object extraction, ii) prompt diversity with combinatorial complexity using prompt decomposition, and iii) affine subject manipulation. We evaluate AGA against state-of-the-art (SOTA) techniques on three representative datasets, ImageNet, CUB, and iWildCam. The experimental evaluation demonstrates an accuracy improvement of 15.6% and 23.5% for in and out-of-distribution data compared to baseline models, respectively. There is also a 64.3% improvement in SIC score compared to the baselines.
△ Less
Submitted 31 August, 2024;
originally announced September 2024.
-
Future of Artificial Intelligence in Agile Software Development
Authors:
Mariyam Mahboob,
Mohammed Rayyan Uddin Ahmed,
Zoiba Zia,
Mariam Shakeel Ali,
Ayman Khaleel Ahmed
Abstract:
The advent of Artificial intelligence has promising advantages that can be utilized to transform the landscape of software project development. The Software process framework consists of activities that constantly require routine human interaction, leading to the possibility of errors and uncertainties. AI can assist software development managers, software testers, and other team members by levera…
▽ More
The advent of Artificial intelligence has promising advantages that can be utilized to transform the landscape of software project development. The Software process framework consists of activities that constantly require routine human interaction, leading to the possibility of errors and uncertainties. AI can assist software development managers, software testers, and other team members by leveraging LLMs, GenAI models, and AI agents to perform routine tasks, risk analysis and prediction, strategy recommendations, and support decision making. AI has the potential to increase efficiency and reduce the risks encountered by the project management team while increasing the project success rates. Additionally, it can also break down complex notions and development processes for stakeholders to make informed decisions. In this paper, we propose an approach in which AI tools and technologies can be utilized to bestow maximum assistance for agile software projects, which have become increasingly favored in the industry in recent years.
△ Less
Submitted 1 August, 2024;
originally announced August 2024.
-
Polyp segmentation in colonoscopy images using DeepLabV3++
Authors:
Al Mohimanul Islam,
Sadia Shakiba Bhuiyan,
Mysun Mashira,
Md. Rayhan Ahmed,
Salekul Islam,
Swakkhar Shatabda
Abstract:
Segmenting polyps in colonoscopy images is essential for the early identification and diagnosis of colorectal cancer, a significant cause of worldwide cancer deaths. Prior deep learning based models such as Attention based variation, UNet variations and Transformer-derived networks have had notable success in capturing intricate features and complex polyp shapes. In this study, we have introduced…
▽ More
Segmenting polyps in colonoscopy images is essential for the early identification and diagnosis of colorectal cancer, a significant cause of worldwide cancer deaths. Prior deep learning based models such as Attention based variation, UNet variations and Transformer-derived networks have had notable success in capturing intricate features and complex polyp shapes. In this study, we have introduced the DeepLabv3++ model which is an enhanced version of the DeepLabv3+ architecture. It is designed to improve the precision and robustness of polyp segmentation in colonoscopy images. We have utilized The proposed model incorporates diverse separable convolutional layers and attention mechanisms within the MSPP block, enhancing its capacity to capture multi-scale and directional features. Additionally, the redesigned decoder further transforms the extracted features from the encoder into a more meaningful segmentation map. Our model was evaluated on three public datasets (CVC-ColonDB, CVC-ClinicDB, Kvasir-SEG) achieving Dice coefficient scores of 96.20%, 96.54%, and 96.08%, respectively. The experimental analysis shows that DeepLabV3++ outperforms several state-of-the-art models in polyp segmentation tasks. Furthermore, compared to the baseline DeepLabV3+ model, our DeepLabV3++ with its MSPP module and redesigned decoder architecture, significantly reduced segmentation errors (e.g., false positives/negatives) across small, medium, and large polyps. This improvement in polyp delineation is crucial for accurate clinical decision-making in colonoscopy.
△ Less
Submitted 27 July, 2024;
originally announced July 2024.
-
AutoHLS: Learning to Accelerate Design Space Exploration for HLS Designs
Authors:
Md Rubel Ahmed,
Toshiaki Koike-Akino,
Kieran Parsons,
Ye Wang
Abstract:
High-level synthesis (HLS) is a design flow that leverages modern language features and flexibility, such as complex data structures, inheritance, templates, etc., to prototype hardware designs rapidly. However, exploring various design space parameters can take much time and effort for hardware engineers to meet specific design specifications. This paper proposes a novel framework called AutoHLS,…
▽ More
High-level synthesis (HLS) is a design flow that leverages modern language features and flexibility, such as complex data structures, inheritance, templates, etc., to prototype hardware designs rapidly. However, exploring various design space parameters can take much time and effort for hardware engineers to meet specific design specifications. This paper proposes a novel framework called AutoHLS, which integrates a deep neural network (DNN) with Bayesian optimization (BO) to accelerate HLS hardware design optimization. Our tool focuses on HLS pragma exploration and operation transformation. It utilizes integrated DNNs to predict synthesizability within a given FPGA resource budget. We also investigate the potential of emerging quantum neural networks (QNNs) instead of classical DNNs for the AutoHLS pipeline. Our experimental results demonstrate up to a 70-fold speedup in exploration time.
△ Less
Submitted 15 March, 2024;
originally announced March 2024.
-
AutoModel: Automatic Synthesis of Models from Communication Traces of SoC Designs
Authors:
Md Rubel Ahmed,
Bardia Nadimi,
Hao Zheng
Abstract:
Modeling system-level behaviors of intricate System-on-Chip (SoC) designs is crucial for design analysis, testing, and validation. However, the complexity and volume of SoC traces pose significant challenges in this task. This paper proposes an approach to automatically infer concise and abstract models from SoC communication traces, capturing the system-level protocols that govern message exchang…
▽ More
Modeling system-level behaviors of intricate System-on-Chip (SoC) designs is crucial for design analysis, testing, and validation. However, the complexity and volume of SoC traces pose significant challenges in this task. This paper proposes an approach to automatically infer concise and abstract models from SoC communication traces, capturing the system-level protocols that govern message exchange and coordination between design blocks for various system functions. This approach, referred to as model synthesis, constructs a causality graph with annotations obtained from the SoC traces. The annotated causality graph represents all potential causality relations among messages under consideration. Next, a constraint satisfaction problem is formulated from the causality graph, which is then solved by a satisfiability modulo theories (SMT) solver to find satisfying solutions. Finally, finite state models are extracted from the generated solutions, which can be used to explain and understand the input traces. The proposed approach is validated through experiments using synthetic traces obtained from simulating a transaction-level model of a multicore SoC design and traces collected from running real programs on a realistic multicore SoC modeled with gem5.
△ Less
Submitted 31 July, 2023;
originally announced August 2023.
-
Classification of Human Monkeypox Disease Using Deep Learning Models and Attention Mechanisms
Authors:
Md. Enamul Haque,
Md. Rayhan Ahmed,
Razia Sultana Nila,
Salekul Islam
Abstract:
As the world is still trying to rebuild from the destruction caused by the widespread reach of the COVID-19 virus, and the recent alarming surge of human monkeypox disease outbreaks in numerous countries threatens to become a new global pandemic too. Human monkeypox disease syndromes are quite similar to chickenpox, and measles classic symptoms, with very intricate differences such as skin blister…
▽ More
As the world is still trying to rebuild from the destruction caused by the widespread reach of the COVID-19 virus, and the recent alarming surge of human monkeypox disease outbreaks in numerous countries threatens to become a new global pandemic too. Human monkeypox disease syndromes are quite similar to chickenpox, and measles classic symptoms, with very intricate differences such as skin blisters, which come in diverse forms. Various deep-learning methods have shown promising performances in the image-based diagnosis of COVID-19, tumor cell, and skin disease classification tasks. In this paper, we try to integrate deep transfer-learning-based methods, along with a convolutional block attention module (CBAM), to focus on the relevant portion of the feature maps to conduct an image-based classification of human monkeypox disease. We implement five deep-learning models, VGG19, Xception, DenseNet121, EfficientNetB3, and MobileNetV2, along with integrated channel and spatial attention mechanisms, and perform a comparative analysis among them. An architecture consisting of Xception-CBAM-Dense layers performed better than the other models at classifying human monkeypox and other diseases with a validation accuracy of 83.89%.
△ Less
Submitted 21 November, 2022;
originally announced November 2022.
-
DoubleU-NetPlus: A Novel Attention and Context Guided Dual U-Net with Multi-Scale Residual Feature Fusion Network for Semantic Segmentation of Medical Images
Authors:
Md. Rayhan Ahmed,
Adnan Ferdous Ashrafi,
Raihan Uddin Ahmed,
Swakkhar Shatabda,
A. K. M. Muzahidul Islam,
Salekul Islam
Abstract:
Accurate segmentation of the region of interest in medical images can provide an essential pathway for devising effective treatment plans for life-threatening diseases. It is still challenging for U-Net, and its state-of-the-art variants, such as CE-Net and DoubleU-Net, to effectively model the higher-level output feature maps of the convolutional units of the network mostly due to the presence of…
▽ More
Accurate segmentation of the region of interest in medical images can provide an essential pathway for devising effective treatment plans for life-threatening diseases. It is still challenging for U-Net, and its state-of-the-art variants, such as CE-Net and DoubleU-Net, to effectively model the higher-level output feature maps of the convolutional units of the network mostly due to the presence of various scales of the region of interest, intricacy of context environments, ambiguous boundaries, and multiformity of textures in medical images. In this paper, we exploit multi-contextual features and several attention strategies to increase networks' ability to model discriminative feature representation for more accurate medical image segmentation, and we present a novel dual U-Net-based architecture named DoubleU-NetPlus. The DoubleU-NetPlus incorporates several architectural modifications. In particular, we integrate EfficientNetB7 as the feature encoder module, a newly designed multi-kernel residual convolution module, and an adaptive feature re-calibrating attention-based atrous spatial pyramid pooling module to progressively and precisely accumulate discriminative multi-scale high-level contextual feature maps and emphasize the salient regions. In addition, we introduce a novel triple attention gate module and a hybrid triple attention module to encourage selective modeling of relevant medical image features. Moreover, to mitigate the gradient vanishing issue and incorporate high-resolution features with deeper spatial details, the standard convolution operation is replaced with the attention-guided residual convolution operations, ...
△ Less
Submitted 25 November, 2022;
originally announced November 2022.
-
MCFFA-Net: Multi-Contextual Feature Fusion and Attention Guided Network for Apple Foliar Disease Classification
Authors:
Md. Rayhan Ahmed,
Adnan Ferdous Ashrafi,
Raihan Uddin Ahmed,
Tanveer Ahmed
Abstract:
Numerous diseases cause severe economic loss in the apple production-based industry. Early disease identification in apple leaves can help to stop the spread of infections and provide better productivity. Therefore, it is crucial to study the identification and classification of different apple foliar diseases. Various traditional machine learning and deep learning methods have addressed and inves…
▽ More
Numerous diseases cause severe economic loss in the apple production-based industry. Early disease identification in apple leaves can help to stop the spread of infections and provide better productivity. Therefore, it is crucial to study the identification and classification of different apple foliar diseases. Various traditional machine learning and deep learning methods have addressed and investigated this issue. However, it is still challenging to classify these diseases because of their complex background, variation in the diseased spot in the images, and the presence of several symptoms of multiple diseases on the same leaf. This paper proposes a novel transfer learning-based stacked ensemble architecture named MCFFA-Net, which is composed of three pre-trained architectures named MobileNetV2, DenseNet201, and InceptionResNetV2 as backbone networks. We also propose a novel multi-scale dilated residual convolution module to capture multi-scale contextual information with several dilated receptive fields from the extracted features. Channel-based attention mechanism is provided through squeeze and excitation networks to make the MCFFA-Net focused on the relevant information in the multi-receptive fields. The proposed MCFFA-Net achieves a classification accuracy of 90.86%.
△ Less
Submitted 25 November, 2022;
originally announced November 2022.
-
Mining SoC Message Flows with Attention Model
Authors:
Md Rubel Ahmed,
Bardia Nadimi,
Hao Zheng
Abstract:
High-quality system-level message flow specifications are necessary for comprehensive validation of system-on-chip (SoC) designs. However, manual development and maintenance of such specifications are daunting tasks. We propose a disruptive method that utilizes deep sequence modeling with the attention mechanism to infer accurate flow specifications from SoC communication traces. The proposed meth…
▽ More
High-quality system-level message flow specifications are necessary for comprehensive validation of system-on-chip (SoC) designs. However, manual development and maintenance of such specifications are daunting tasks. We propose a disruptive method that utilizes deep sequence modeling with the attention mechanism to infer accurate flow specifications from SoC communication traces. The proposed method can overcome the inherent complexity of SoC traces induced by the concurrent executions of SoC designs that existing mining tools often find extremely challenging. We conduct experiments on five highly concurrent traces and find that the proposed approach outperforms several existing state-of-the-art trace mining tools.
△ Less
Submitted 12 September, 2022;
originally announced September 2022.
-
Deep Bidirectional Transformers for SoC Flow Specification Mining
Authors:
Md Rubel Ahmed,
Hao Zheng
Abstract:
High-quality system-level message flow specifications can lead to comprehensive validation of system-on-chip (SoC) designs. We propose a disruptive method that utilizes an attention mechanism to produce accurate flow specifications from SoC IP communication traces. The proposed method can overcome the inherent complexity of SoC traces induced by the concurrency and parallelism of multicore designs…
▽ More
High-quality system-level message flow specifications can lead to comprehensive validation of system-on-chip (SoC) designs. We propose a disruptive method that utilizes an attention mechanism to produce accurate flow specifications from SoC IP communication traces. The proposed method can overcome the inherent complexity of SoC traces induced by the concurrency and parallelism of multicore designs that existing flow specification mining tools often find extremely challenging. Experiments on highly interleaved traces show promising flow reconstruction compared to several tools dedicated to the flow specification mining problem.
△ Less
Submitted 8 March, 2022;
originally announced March 2022.
-
An Ensemble 1D-CNN-LSTM-GRU Model with Data Augmentation for Speech Emotion Recognition
Authors:
Md. Rayhan Ahmed,
Salekul Islam,
Ph. D,
A. K. M. Muzahidul Islam,
Ph. D,
Swakkhar Shatabda,
Ph. D
Abstract:
In this paper, we propose an ensemble of deep neural networks along with data augmentation (DA) learned using effective speech-based features to recognize emotions from speech. Our ensemble model is built on three deep neural network-based models. These neural networks are built using the basic local feature acquiring blocks (LFAB) which are consecutive layers of dilated 1D Convolutional Neural ne…
▽ More
In this paper, we propose an ensemble of deep neural networks along with data augmentation (DA) learned using effective speech-based features to recognize emotions from speech. Our ensemble model is built on three deep neural network-based models. These neural networks are built using the basic local feature acquiring blocks (LFAB) which are consecutive layers of dilated 1D Convolutional Neural networks followed by the max pooling and batch normalization layers. To acquire the long-term dependencies in speech signals further two variants are proposed by adding Gated Recurrent Unit (GRU) and Long Short Term Memory (LSTM) layers respectively. All three network models have consecutive fully connected layers before the final softmax layer for classification. The ensemble model uses a weighted average to provide the final classification. We have utilized five standard benchmark datasets: TESS, EMO-DB, RAVDESS, SAVEE, and CREMA-D for evaluation. We have performed DA by injecting Additive White Gaussian Noise, pitch shifting, and stretching the signal level to generalize the models, and thus increasing the accuracy of the models and reducing the overfitting as well. We handcrafted five categories of features: Mel-frequency cepstral coefficients, Log Mel-Scaled Spectrogram, Zero-Crossing Rate, Chromagram, and statistical Root Mean Square Energy value from each audio sample. These features are used as the input to the LFAB blocks that further extract the hidden local features which are then fed to either fully connected layers or to LSTM or GRU based on the model type to acquire the additional long-term contextual representations. LFAB followed by GRU or LSTM results in better performance compared to the baseline model. The ensemble model achieves the state-of-the-art weighted average accuracy in all the datasets.
△ Less
Submitted 22 November, 2022; v1 submitted 10 December, 2021;
originally announced December 2021.
-
Tools and Algorithms for SoC Communication Traces
Authors:
Md Rubel Ahmed,
Hao Zheng
Abstract:
In this paper, we study seven well-known trace analysis techniques both from the hardware and software domain and discuss their performance on communication-centric system-on-chip (SoC) traces. SoC traces are usually huge in size and concurrent in nature, therefore mining SoC traces poses additional challenges. We provide a hands-on discussion of the selected tools/algorithms in terms of the input…
▽ More
In this paper, we study seven well-known trace analysis techniques both from the hardware and software domain and discuss their performance on communication-centric system-on-chip (SoC) traces. SoC traces are usually huge in size and concurrent in nature, therefore mining SoC traces poses additional challenges. We provide a hands-on discussion of the selected tools/algorithms in terms of the input, output, and analysis methods they employ. Hardware traces also varies in nature when observed in different level, this work can help developers/academicians to pick up the right techniques for their work. We take advantage of a synthetic trace generator to find the interestingness of the mined outcomes for each tool as well as we work with a realistic GEM5 set up to find the performance of these tools on more realistic SoC traces. Comprehensive analysis of the tool's performance and a benchmark trace dataset are also presented.
△ Less
Submitted 18 March, 2021;
originally announced March 2021.
-
Model Synthesis for Communication Traces of System-on-Chip Designs
Authors:
Hao Zheng,
Md Rubel Ahmed,
Parijat Mukherjee,
Mahesh C. Ketkar,
Jin Yang
Abstract:
Concise and abstract models of system-level behaviors are invaluable in design analysis, testing, and validation. In this paper, we consider the problem of inferring models from communication traces of system-on-chip~(SoC) designs. The traces capture communications among different blocks of a SoC design in terms of messages exchanged. The extracted models characterize the system-level communicatio…
▽ More
Concise and abstract models of system-level behaviors are invaluable in design analysis, testing, and validation. In this paper, we consider the problem of inferring models from communication traces of system-on-chip~(SoC) designs. The traces capture communications among different blocks of a SoC design in terms of messages exchanged. The extracted models characterize the system-level communication protocols governing how blocks exchange messages, and coordinate with each other to realize various system functions. In this paper, the above problem is formulated as a constraint satisfaction problem, which is then fed to a SMT solver. The solutions returned by the SMT solver are used to extract the models that accept the input traces. In the experiments, we demonstrate the proposed approach with traces collected from a transaction-level simulation model of a multicore SoC design and traces of a more detailed multicore SoC design developed in GEM5 environment.
△ Less
Submitted 13 February, 2021;
originally announced February 2021.
-
A Case Study to Identify the Hindrances to Widespread Adoption of Electric Vehicles in Qatar
Authors:
Amith Khandakar,
Annaufal Rizqullah,
Anas Ashraf Abdou Berbar,
Mohammad Rafi Ahmed,
Atif Iqbal,
Muhammad E. H. Chowdhury,
S. M. Ashfaq Uz Zaman
Abstract:
The adoption of electric vehicles (EVs) have proven to be a crucial factor to decreasing the emission of greenhouse gases (GHG) into the atmosphere. However, there are various hurdles that impede people from purchasing EVs. For example, long charging time, short driving range, cost and insufficient charging infrastructures available, etc. This article reports the public perception of EV-adoption u…
▽ More
The adoption of electric vehicles (EVs) have proven to be a crucial factor to decreasing the emission of greenhouse gases (GHG) into the atmosphere. However, there are various hurdles that impede people from purchasing EVs. For example, long charging time, short driving range, cost and insufficient charging infrastructures available, etc. This article reports the public perception of EV-adoption using statistical analyses and proposes some recommendations for improving EV-adoption in Qatar. User perspectives on EV-adoption barriers in Qatar were investigated based on survey questionnaires. The survey questionnaires were based on similar studies done in other regions of the world. The study attempted to look at different perspectives of the adoption of EV, when asked to a person who is aware of EVs or a person who may or may not be aware of EVs. Cumulative survey responses from the two groups were compared and analyzed using a two sample t-test statistical analysis. Detailed analyses showed that among various major hindrances raising of public awareness of such greener modes of transportation, the availability of charging options in more places and policy incentives towards EVs would play a major role in EV-adoption. The authors provide recommendations that along with government incentives could help make a gradual shift to a greater number of EVs convenient for people of Qatar. The proposed systematic approach for such a study and analysis may help in streamlining research on policies, infrastructures and technologies for efficient penetration of EVs in Qatar.
△ Less
Submitted 27 June, 2020;
originally announced June 2020.
-
Mining Message Flows from System-on-Chip Execution Traces
Authors:
MD Rubel Ahmed,
Hao Zheng,
Parijat Mukherjee,
Mahesh C. Ketkar,
Jin Yang
Abstract:
Comprehensive and well-defined specifications are necessary to perform rigorous and thorough validation of system-on-chip (SoC) designs. Message flows specify how components of an SoC design communicate and coordinate with each other to realize various system functions. Message flow specifications are essential for efficient system-level validation and debug for SoC designs. However, in practice s…
▽ More
Comprehensive and well-defined specifications are necessary to perform rigorous and thorough validation of system-on-chip (SoC) designs. Message flows specify how components of an SoC design communicate and coordinate with each other to realize various system functions. Message flow specifications are essential for efficient system-level validation and debug for SoC designs. However, in practice such specifications are usually not available, often ambiguous, incomplete, or even contain errors. This paper addresses that problem by proposing a specification mining framework, FlowMiner, that automatically extracts message flows from SoC execution traces, which, unlike software traces, show a high degree of concurrency. A set of inference rules and optimization techniques are presented to improve mining performance and reduce mining complexity. Evaluation of this framework in several experiments shows promising results.
△ Less
Submitted 22 May, 2020;
originally announced May 2020.
-
Artificial Neural Network Algorithm based Skyrmion Material Design of Chiral Crystals
Authors:
B. U. V Prashanth,
Mohammed Riyaz Ahmed
Abstract:
The model presented in this research predicts ideal chiral crystal and propose a new direction of designing chiral crystals. Skyrmions are topologically protected and structurally assymetric materials with an exotic spin composition. This work presents deep learning method for skyrmion material design of chiral crystals. This paper presents an approach to construct a probabilistic classifier and a…
▽ More
The model presented in this research predicts ideal chiral crystal and propose a new direction of designing chiral crystals. Skyrmions are topologically protected and structurally assymetric materials with an exotic spin composition. This work presents deep learning method for skyrmion material design of chiral crystals. This paper presents an approach to construct a probabilistic classifier and an Artificial Neural Network(ANN) from a true or false chirality dataset consisting of chiral and achiral compounds with 'A' and 'B' type elements. A quantitative predictor for accuracy of forming the chiral crystals is illustrated. The feasibility of ANN method is tested in a comprehensive manner by comparing with probalistic classifier method. Throughout this manuscript we present deep learnig algorithm design with modelling and simulations of materials. This research work elucidated paves a way to develop sophisticated software tool to make an indicator of crystal design.
△ Less
Submitted 19 July, 2019;
originally announced July 2019.
-
An Energy Conserving Routing Scheme for Wireless Body Sensor Nanonetwork Communication
Authors:
Fariha Afsana,
Md. Asif-Ur-Rahman,
Muhammad R. Ahmed,
Mufti Mahmud,
M. Shamim Kaiser
Abstract:
Current developments in nanotechnology make electromagnetic communication (EC) possible at the nanoscale for applications involving Wireless [Body] Sensor Networks (W[B]SNs). This specialized branch of WSN has emerged as an important research area contributing to medical treatment, social welfare, and sports. The concept is based on the interaction of integrated nanoscale machines by means of wire…
▽ More
Current developments in nanotechnology make electromagnetic communication (EC) possible at the nanoscale for applications involving Wireless [Body] Sensor Networks (W[B]SNs). This specialized branch of WSN has emerged as an important research area contributing to medical treatment, social welfare, and sports. The concept is based on the interaction of integrated nanoscale machines by means of wireless communications. One key hurdle for advancing nanocommunications is the lack of an apposite networking protocol to address the upcoming needs of the nanonetworks. Recently, some key challenges have been identified, such as nanonodes with extreme energy constraints, limited computational capabilities, Terahertz frequency bands with limited transmission range, etc., in designing protocols for wireless nanosensor networks (WNN). This work proposes an improved performance scheme of nanocommunication over Terahertz bands for wireless BSNs making it suitable for smart e-health applications. The scheme contains -- a new energy-efficient forwarding routine for EC in WNN consisting of hybrid clusters with centralized scheduling, a model designed for channel behavior taking into account the aggregated impact of molecular absorption, spreading loss, and shadowing, and an energy model for energy harvesting and consumption. The outage probability is derived for both single and multilinks and extended to determine the outage capacity. The outage probability for a multilink is derived using a cooperative fusion technique at a predefined fusion node. Simulated using a Nano-Sim simulator, performance of the proposed model has been evaluated for energy efficiency, outage capacity, and outage probability. The results demonstrate the efficiency of the proposed scheme through maximized energy utilization in both single and multihop communication, multisensor fusion enhances the link quality of the transmission.
△ Less
Submitted 7 January, 2018;
originally announced January 2018.