-
INTERPOS: Interaction Rhythm Guided Positional Morphing for Mobile App Recommender Systems
Authors:
M. H. Maqbool,
Moghis Fereidouni,
Umar Farooq,
A. B. Siddique,
Hassan Foroosh
Abstract:
The mobile app market has expanded exponentially, offering millions of apps with diverse functionalities, yet research in mobile app recommendation remains limited. Traditional sequential recommender systems utilize the order of items in users' historical interactions to predict the next item for the users. Position embeddings, well-established in transformer-based architectures for natural langua…
▽ More
The mobile app market has expanded exponentially, offering millions of apps with diverse functionalities, yet research in mobile app recommendation remains limited. Traditional sequential recommender systems utilize the order of items in users' historical interactions to predict the next item for the users. Position embeddings, well-established in transformer-based architectures for natural language processing tasks, effectively distinguish token positions in sequences. In sequential recommendation systems, position embeddings can capture the order of items in a user's historical interaction sequence. Nevertheless, this ordering does not consider the time elapsed between two interactions of the same user (e.g., 1 day, 1 week, 1 month), referred to as "user rhythm". In mobile app recommendation datasets, the time between consecutive user interactions is notably longer compared to other domains like movies, posing significant challenges for sequential recommender systems. To address this phenomenon in the mobile app domain, we introduce INTERPOS, an Interaction Rhythm Guided Positional Morphing strategy for autoregressive mobile app recommender systems. INTERPOS incorporates rhythm-guided position embeddings, providing a more comprehensive representation that considers both the sequential order of interactions and the temporal gaps between them. This approach enables a deep understanding of users' rhythms at a fine-grained level, capturing the intricacies of their interaction patterns over time. We propose three strategies to incorporate the morphed positional embeddings in two transformer-based sequential recommendation system architectures. Our extensive evaluations show that INTERPOS outperforms state-of-the-art models using 7 mobile app recommendation datasets on NDCG@K and HIT@K metrics. The source code of INTERPOS is available at https://github.com/dlgrad/INTERPOS.
△ Less
Submitted 14 June, 2025;
originally announced June 2025.
-
What Users Value and Critique: Large-Scale Analysis of User Feedback on AI-Powered Mobile Apps
Authors:
Vinaik Chhetri,
Krishna Upadhyay,
A. B. Siddique,
Umar Farooq
Abstract:
Artificial Intelligence (AI)-powered features have rapidly proliferated across mobile apps in various domains, including productivity, education, entertainment, and creativity. However, how users perceive, evaluate, and critique these AI features remains largely unexplored, primarily due to the overwhelming volume of user feedback. In this work, we present the first comprehensive, large-scale stud…
▽ More
Artificial Intelligence (AI)-powered features have rapidly proliferated across mobile apps in various domains, including productivity, education, entertainment, and creativity. However, how users perceive, evaluate, and critique these AI features remains largely unexplored, primarily due to the overwhelming volume of user feedback. In this work, we present the first comprehensive, large-scale study of user feedback on AI-powered mobile apps, leveraging a curated dataset of 292 AI-driven apps across 14 categories with 894K AI-specific reviews from Google Play. We develop and validate a multi-stage analysis pipeline that begins with a human-labeled benchmark and systematically evaluates large language models (LLMs) and prompting strategies. Each stage, including review classification, aspect-sentiment extraction, and clustering, is validated for accuracy and consistency. Our pipeline enables scalable, high-precision analysis of user feedback, extracting over one million aspect-sentiment pairs clustered into 18 positive and 15 negative user topics. Our analysis reveals that users consistently focus on a narrow set of themes: positive comments emphasize productivity, reliability, and personalized assistance, while negative feedback highlights technical failures (e.g., scanning and recognition), pricing concerns, and limitations in language support. Our pipeline surfaces both satisfaction with one feature and frustration with another within the same review. These fine-grained, co-occurring sentiments are often missed by traditional approaches that treat positive and negative feedback in isolation or rely on coarse-grained analysis. To this end, our approach provides a more faithful reflection of the real-world user experiences with AI-powered apps. Category-aware analysis further uncovers both universal drivers of satisfaction and domain-specific frustrations.
△ Less
Submitted 12 June, 2025;
originally announced June 2025.
-
Assessing and Enhancing Quantum Readiness in Mobile Apps
Authors:
Joseph Strauss,
Krishna Upadhyay,
A. B. Siddique,
Ibrahim Baggili,
Umar Farooq
Abstract:
Quantum computers threaten widely deployed cryptographic primitives such as RSA, DSA, and ECC. While NIST has released post-quantum cryptographic (PQC) standards (e.g., Kyber, Dilithium), mobile app ecosystems remain largely unprepared for this transition. We present a large-scale binary analysis of over 4,000 Android apps to assess cryptographic readiness. Our results show widespread reliance on…
▽ More
Quantum computers threaten widely deployed cryptographic primitives such as RSA, DSA, and ECC. While NIST has released post-quantum cryptographic (PQC) standards (e.g., Kyber, Dilithium), mobile app ecosystems remain largely unprepared for this transition. We present a large-scale binary analysis of over 4,000 Android apps to assess cryptographic readiness. Our results show widespread reliance on quantum-vulnerable algorithms such as MD5, SHA-1, and RSA, while PQC adoption remains absent in production apps. To bridge the readiness gap, we explore LLM-assisted migration. We evaluate leading LLMs (GPT-4o, Gemini Flash, Claude Sonnet, etc.) for automated cryptographic migration. All models successfully performed simple hash replacements (e.g., SHA-1 to SHA-256). However, none produced correct PQC upgrades due to multi-file changes, missing imports, and lack of context awareness. These results underscore the need for structured guidance and system-aware tooling for post-quantum migration
△ Less
Submitted 31 May, 2025;
originally announced June 2025.
-
PREAMBLE and IMRECEIVING for Improved Large Message Handling in libp2p GossipSub
Authors:
Muhammad Umar Farooq,
Daniel Kaiser
Abstract:
Large message transmissions in libp2p GossipSub lead to longer than expected network-wide message dissemination times and very high bandwidth utilization. This article identifies key issues responsible for this behavior and proposes modifications to the protocol for transmitting large messages. These modifications preserve the GossipSub resilience and fit well into the current algorithm. The propo…
▽ More
Large message transmissions in libp2p GossipSub lead to longer than expected network-wide message dissemination times and very high bandwidth utilization. This article identifies key issues responsible for this behavior and proposes modifications to the protocol for transmitting large messages. These modifications preserve the GossipSub resilience and fit well into the current algorithm. The proposed changes are rigorously evaluated for performance using the shadow simulator. Results reveal that the suggested changes reduce bandwidth utilization by up to 61% and message dissemination time by up to 35% under different traffic conditions.
△ Less
Submitted 22 May, 2025;
originally announced May 2025.
-
Staggering and Fragmentation for Improved Large Message Handling in libp2p GossipSub
Authors:
Muhammad Umar Farooq,
Tanguy Cizain,
Daniel Kaiser
Abstract:
The libp2p GossipSub protocol leverages a full-message mesh with a lower node degree and a more densely connected metadata-only (gossip) mesh. This combination allows an efficient dissemination of messages in unstructured peer-to-peer (P2P) networks. However, GossipSub needs to consider message size, which is crucial for the efficient operation of many applications, such as handling large Ethereum…
▽ More
The libp2p GossipSub protocol leverages a full-message mesh with a lower node degree and a more densely connected metadata-only (gossip) mesh. This combination allows an efficient dissemination of messages in unstructured peer-to-peer (P2P) networks. However, GossipSub needs to consider message size, which is crucial for the efficient operation of many applications, such as handling large Ethereum blocks. This paper proposes modifications to improve GossipSub's performance when transmitting large messages. We evaluate the proposed improvements using the shadow simulator. Our results show that the proposed improvements significantly enhance GossipSub's performance for large message transmissions in sizeable networks.
△ Less
Submitted 14 April, 2025;
originally announced April 2025.
-
Optimized 3D Gaussian Splatting using Coarse-to-Fine Image Frequency Modulation
Authors:
Umar Farooq,
Jean-Yves Guillemaut,
Adrian Hilton,
Marco Volino
Abstract:
The field of Novel View Synthesis has been revolutionized by 3D Gaussian Splatting (3DGS), which enables high-quality scene reconstruction that can be rendered in real-time. 3DGS-based techniques typically suffer from high GPU memory and disk storage requirements which limits their practical application on consumer-grade devices. We propose Opti3DGS, a novel frequency-modulated coarse-to-fine opti…
▽ More
The field of Novel View Synthesis has been revolutionized by 3D Gaussian Splatting (3DGS), which enables high-quality scene reconstruction that can be rendered in real-time. 3DGS-based techniques typically suffer from high GPU memory and disk storage requirements which limits their practical application on consumer-grade devices. We propose Opti3DGS, a novel frequency-modulated coarse-to-fine optimization framework that aims to minimize the number of Gaussian primitives used to represent a scene, thus reducing memory and storage demands. Opti3DGS leverages image frequency modulation, initially enforcing a coarse scene representation and progressively refining it by modulating frequency details in the training images. On the baseline 3DGS, we demonstrate an average reduction of 62% in Gaussians, a 40% reduction in the training GPU memory requirements and a 20% reduction in optimization time without sacrificing the visual quality. Furthermore, we show that our method integrates seamlessly with many 3DGS-based techniques, consistently reducing the number of Gaussian primitives while maintaining, and often improving, visual quality. Additionally, Opti3DGS inherently produces a level-of-detail scene representation at no extra cost, a natural byproduct of the optimization pipeline. Results and code will be made publicly available.
△ Less
Submitted 18 March, 2025;
originally announced March 2025.
-
Understanding and Detecting Compatibility Issues in Android Auto Apps
Authors:
Moshood Fakorede,
Umar Farooq
Abstract:
Mobile platforms now power not only smartphones but also in-vehicle systems like Android Auto and CarPlay. Despite an ecosystem of over 3.5 million Android apps and more than 200 million Android Auto-compatible vehicles, only a few hundred apps have been adapted for automotive use. To better understand this gap, we studied 147 reported issues related to Android Auto and identified their root cause…
▽ More
Mobile platforms now power not only smartphones but also in-vehicle systems like Android Auto and CarPlay. Despite an ecosystem of over 3.5 million Android apps and more than 200 million Android Auto-compatible vehicles, only a few hundred apps have been adapted for automotive use. To better understand this gap, we studied 147 reported issues related to Android Auto and identified their root causes. We found that more than 70% of issues result from UI incompatibilities, 24% from media playback errors, and around 5% from failures in voice command handling, showing a lack of effective tools for developers. We introduce CarCompat, a static analysis framework that detects compatibility problems in Android Auto apps. CarCompat constructs a Car-Control Flow Graph (CCFG) to capture interactions among app components, lifecycle methods, and platform-specific callbacks. It applies specialized checkers to detect UI violations, media playback errors, and issues with voice command handling. We evaluated CarCompat on a dataset of 54 Android Auto apps and detected 25 new issues, 4 of which were confirmed by developers, and 2 developers have already released their fixes. The results show that CarCompat helps developers identify and fix compatibility issues, improving the in-vehicle experience.
△ Less
Submitted 5 March, 2025;
originally announced March 2025.
-
Visualizing Uncertainty in Translation Tasks: An Evaluation of LLM Performance and Confidence Metrics
Authors:
Jin Hyun Park,
Utsawb Laminchhane,
Umer Farooq,
Uma Sivakumar,
Arpan Kumar
Abstract:
Large language models (LLMs) are increasingly utilized for machine translation, yet their predictions often exhibit uncertainties that hinder interpretability and user trust. Effectively visualizing these uncertainties can enhance the usability of LLM outputs, particularly in contexts where translation accuracy is critical. This paper addresses two primary objectives: (1) providing users with toke…
▽ More
Large language models (LLMs) are increasingly utilized for machine translation, yet their predictions often exhibit uncertainties that hinder interpretability and user trust. Effectively visualizing these uncertainties can enhance the usability of LLM outputs, particularly in contexts where translation accuracy is critical. This paper addresses two primary objectives: (1) providing users with token-level insights into model confidence and (2) developing a web-based visualization tool to quantify and represent translation uncertainties. To achieve these goals, we utilized the T5 model with the WMT19 dataset for translation tasks and evaluated translation quality using established metrics such as BLEU, METEOR, and ROUGE. We introduced three novel uncertainty quantification (UQ) metrics: (1) the geometric mean of token probabilities, (2) the arithmetic mean of token probabilities, and (3) the arithmetic mean of the kurtosis of token distributions. These metrics provide a simple yet effective framework for evaluating translation performance. Our analysis revealed a linear relationship between the traditional evaluation metrics and our UQ metrics, demonstrating the validity of our approach. Additionally, we developed an interactive web-based visualization that uses a color gradient to represent token confidence. This tool offers users a clear and intuitive understanding of translation quality while providing valuable insights into model performance. Overall, we show that our UQ metrics and visualization are both robust and interpretable, offering practical tools for evaluating and accessing machine translation systems.
△ Less
Submitted 24 February, 2025; v1 submitted 26 January, 2025;
originally announced January 2025.
-
A Lightweight and Interpretable Deepfakes Detection Framework
Authors:
Muhammad Umar Farooq,
Ali Javed,
Khalid Mahmood Malik,
Muhammad Anas Raza
Abstract:
The recent realistic creation and dissemination of so-called deepfakes poses a serious threat to social life, civil rest, and law. Celebrity defaming, election manipulation, and deepfakes as evidence in court of law are few potential consequences of deepfakes. The availability of open source trained models based on modern frameworks such as PyTorch or TensorFlow, video manipulations Apps such as F…
▽ More
The recent realistic creation and dissemination of so-called deepfakes poses a serious threat to social life, civil rest, and law. Celebrity defaming, election manipulation, and deepfakes as evidence in court of law are few potential consequences of deepfakes. The availability of open source trained models based on modern frameworks such as PyTorch or TensorFlow, video manipulations Apps such as FaceApp and REFACE, and economical computing infrastructure has easen the creation of deepfakes. Most of the existing detectors focus on detecting either face-swap, lip-sync, or puppet master deepfakes, but a unified framework to detect all three types of deepfakes is hardly explored. This paper presents a unified framework that exploits the power of proposed feature fusion of hybrid facial landmarks and our novel heart rate features for detection of all types of deepfakes. We propose novel heart rate features and fused them with the facial landmark features to better extract the facial artifacts of fake videos and natural variations available in the original videos. We used these features to train a light-weight XGBoost to classify between the deepfake and bonafide videos. We evaluated the performance of our framework on the world leaders dataset (WLDR) that contains all types of deepfakes. Experimental results illustrate that the proposed framework offers superior detection performance over the comparative deepfakes detection methods. Performance comparison of our framework against the LSTM-FCN, a candidate of deep learning model, shows that proposed model achieves similar results, however, it is more interpretable.
△ Less
Submitted 21 January, 2025;
originally announced January 2025.
-
Transferable Adversarial Attacks on Audio Deepfake Detection
Authors:
Muhammad Umar Farooq,
Awais Khan,
Kutub Uddin,
Khalid Mahmood Malik
Abstract:
Audio deepfakes pose significant threats, including impersonation, fraud, and reputation damage. To address these risks, audio deepfake detection (ADD) techniques have been developed, demonstrating success on benchmarks like ASVspoof2019. However, their resilience against transferable adversarial attacks remains largely unexplored. In this paper, we introduce a transferable GAN-based adversarial a…
▽ More
Audio deepfakes pose significant threats, including impersonation, fraud, and reputation damage. To address these risks, audio deepfake detection (ADD) techniques have been developed, demonstrating success on benchmarks like ASVspoof2019. However, their resilience against transferable adversarial attacks remains largely unexplored. In this paper, we introduce a transferable GAN-based adversarial attack framework to evaluate the effectiveness of state-of-the-art (SOTA) ADD systems. By leveraging an ensemble of surrogate ADD models and a discriminator, the proposed approach generates transferable adversarial attacks that better reflect real-world scenarios. Unlike previous methods, the proposed framework incorporates a self-supervised audio model to ensure transcription and perceptual integrity, resulting in high-quality adversarial attacks. Experimental results on benchmark dataset reveal that SOTA ADD systems exhibit significant vulnerabilities, with accuracies dropping from 98% to 26%, 92% to 54%, and 94% to 84% in white-box, gray-box, and black-box scenarios, respectively. When tested in other data sets, performance drops of 91% to 46%, and 94% to 67% were observed against the In-the-Wild and WaveFake data sets, respectively. These results highlight the significant vulnerabilities of existing ADD systems and emphasize the need to enhance their robustness against advanced adversarial threats to ensure security and reliability.
△ Less
Submitted 21 January, 2025;
originally announced January 2025.
-
Analyzing the Evolution and Maintenance of Quantum Software Repositories
Authors:
Krishna Upadhyay,
Vinaik Chhetri,
A. B. Siddique,
Umar Farooq
Abstract:
Quantum computing is rapidly advancing, but quantum software development faces significant challenges, including a steep learning curve, high hardware error rates, and a lack of mature engineering practices. This study conducts a large-scale mining analysis of over 21,000 GitHub repositories, containing 1.2 million commits from more than 10,000 developers, to examine the evolution and maintenance…
▽ More
Quantum computing is rapidly advancing, but quantum software development faces significant challenges, including a steep learning curve, high hardware error rates, and a lack of mature engineering practices. This study conducts a large-scale mining analysis of over 21,000 GitHub repositories, containing 1.2 million commits from more than 10,000 developers, to examine the evolution and maintenance of quantum software. We analyze repository growth, programming language and framework adoption, and contributor trends, revealing a 200% increase in repositories and a 150% rise in contributors since 2017. Additionally, we investigate software development and maintenance practices, showing that perfective commits dominate (51.76%), while the low occurrence of corrective commits (18.54%) indicates potential gaps in bug resolution. Furthermore, 34% of reported issues are quantum-specific, highlighting the need for specialized debugging tools beyond conventional software engineering approaches. This study provides empirical insights into the software engineering challenges of quantum computing, offering recommendations to improve development workflows, tooling, and documentation. We are also open-sourcing our dataset to support further analysis by the community and to guide future research and tool development for quantum computing. The dataset is available at: https://github.com/kriss-u/QRepoAnalysis-Paper
△ Less
Submitted 5 June, 2025; v1 submitted 12 January, 2025;
originally announced January 2025.
-
Securing Social Media Against Deepfakes using Identity, Behavioral, and Geometric Signatures
Authors:
Muhammad Umar Farooq,
Awais Khan,
Ijaz Ul Haq,
Khalid Mahmood Malik
Abstract:
Trust in social media is a growing concern due to its ability to influence significant societal changes. However, this space is increasingly compromised by various types of deepfake multimedia, which undermine the authenticity of shared content. Although substantial efforts have been made to address the challenge of deepfake content, existing detection techniques face a major limitation in general…
▽ More
Trust in social media is a growing concern due to its ability to influence significant societal changes. However, this space is increasingly compromised by various types of deepfake multimedia, which undermine the authenticity of shared content. Although substantial efforts have been made to address the challenge of deepfake content, existing detection techniques face a major limitation in generalization: they tend to perform well only on specific types of deepfakes they were trained on.This dependency on recognizing specific deepfake artifacts makes current methods vulnerable when applied to unseen or varied deepfakes, thereby compromising their performance in real-world applications such as social media platforms. To address the generalizability of deepfake detection, there is a need for a holistic approach that can capture a broader range of facial attributes and manipulations beyond isolated artifacts. To address this, we propose a novel deepfake detection framework featuring an effective feature descriptor that integrates Deep identity, Behavioral, and Geometric (DBaG) signatures, along with a classifier named DBaGNet. Specifically, the DBaGNet classifier utilizes the extracted DBaG signatures, leveraging a triplet loss objective to enhance generalized representation learning for improved classification. Specifically, the DBaGNet classifier utilizes the extracted DBaG signatures and applies a triplet loss objective to enhance generalized representation learning for improved classification. To test the effectiveness and generalizability of our proposed approach, we conduct extensive experiments using six benchmark deepfake datasets: WLDR, CelebDF, DFDC, FaceForensics++, DFD, and NVFAIR. Specifically, to ensure the effectiveness of our approach, we perform cross-dataset evaluations, and the results demonstrate significant performance gains over several state-of-the-art methods.
△ Less
Submitted 6 December, 2024;
originally announced December 2024.
-
From Simulators to Digital Twins for Enabling Emerging Cellular Networks: A Tutorial and Survey
Authors:
Marvin Manalastas,
Muhammad Umar Bin Farooq,
Syed Muhammad Asad Zaidi,
Haneya Naeem Qureshi,
Yusuf Sambo,
Ali Imran
Abstract:
Simulators are indispensable parts of the research and development necessary to advance countless industries, including cellular networks. With simulators, the evaluation, analysis, testing, and experimentation of novel designs and algorithms can be executed in a more cost-effective and convenient manner without the risk of real network service disruption. Additionally, recent trends indicate that…
▽ More
Simulators are indispensable parts of the research and development necessary to advance countless industries, including cellular networks. With simulators, the evaluation, analysis, testing, and experimentation of novel designs and algorithms can be executed in a more cost-effective and convenient manner without the risk of real network service disruption. Additionally, recent trends indicate that the advancement of these Digital System Models (DSM), such as system-level simulators, will hold a pivotal role in advancing cellular networks by facilitating the development of digital twins. Given this growing significance, in this survey and tutorial paper, we present an extensive review of the currently available DSMs for 5G and beyond (5G&B) networks. Specifically, we begin with a tutorial on the fundamental concepts of 5G&B network simulations, followed by an identification of the essential design requirements needed to model the key features of these networks. We also devised a taxonomy of different types of 5G&B network simulators. In contrast to existing simulator surveys, which mostly leverage traditional metrics applicable to legacy networks, we devise and use 5G-specific evaluation metrics that capture three key facets of a network simulator, namely realism, completeness, and computational efficiency. We evaluate each simulator according to the devised metrics to generate an applicability matrix that maps different 5G&B simulators vis-a-vis the different research themes they can potentially enable. We also present the current challenges in developing 5G&B simulators while laying out several potential solutions to address the issues. Finally, we discuss the future challenges related to simulator design provisions that will arise with the emergence of 6G networks.
△ Less
Submitted 29 October, 2024;
originally announced November 2024.
-
Looking into Black Box Code Language Models
Authors:
Muhammad Umair Haider,
Umar Farooq,
A. B. Siddique,
Mark Marron
Abstract:
Language Models (LMs) have shown their application for tasks pertinent to code and several code~LMs have been proposed recently. The majority of the studies in this direction only focus on the improvements in performance of the LMs on different benchmarks, whereas LMs are considered black boxes. Besides this, a handful of works attempt to understand the role of attention layers in the code~LMs. No…
▽ More
Language Models (LMs) have shown their application for tasks pertinent to code and several code~LMs have been proposed recently. The majority of the studies in this direction only focus on the improvements in performance of the LMs on different benchmarks, whereas LMs are considered black boxes. Besides this, a handful of works attempt to understand the role of attention layers in the code~LMs. Nonetheless, feed-forward layers remain under-explored which consist of two-thirds of a typical transformer model's parameters.
In this work, we attempt to gain insights into the inner workings of code language models by examining the feed-forward layers. To conduct our investigations, we use two state-of-the-art code~LMs, Codegen-Mono and Ploycoder, and three widely used programming languages, Java, Go, and Python. We focus on examining the organization of stored concepts, the editability of these concepts, and the roles of different layers and input context size variations for output generation. Our empirical findings demonstrate that lower layers capture syntactic patterns while higher layers encode abstract concepts and semantics. We show concepts of interest can be edited within feed-forward layers without compromising code~LM performance. Additionally, we observe initial layers serve as ``thinking'' layers, while later layers are crucial for predicting subsequent code tokens. Furthermore, we discover earlier layers can accurately predict smaller contexts, but larger contexts need critical later layers' contributions. We anticipate these findings will facilitate better understanding, debugging, and testing of code~LMs.
△ Less
Submitted 5 July, 2024;
originally announced July 2024.
-
MobileConvRec: A Conversational Dataset for Mobile Apps Recommendations
Authors:
Srijata Maji,
Moghis Fereidouni,
Vinaik Chhetri,
Umar Farooq,
A. B. Siddique
Abstract:
Existing recommendation systems have focused on two paradigms: 1- historical user-item interaction-based recommendations and 2- conversational recommendations. Conversational recommendation systems facilitate natural language dialogues between users and the system, allowing the system to solicit users' explicit needs while enabling users to inquire about recommendations and provide feedback. Due t…
▽ More
Existing recommendation systems have focused on two paradigms: 1- historical user-item interaction-based recommendations and 2- conversational recommendations. Conversational recommendation systems facilitate natural language dialogues between users and the system, allowing the system to solicit users' explicit needs while enabling users to inquire about recommendations and provide feedback. Due to substantial advancements in natural language processing, conversational recommendation systems have gained prominence. Existing conversational recommendation datasets have greatly facilitated research in their respective domains. Despite the exponential growth in mobile users and apps in recent years, research in conversational mobile app recommender systems has faced substantial constraints. This limitation can primarily be attributed to the lack of high-quality benchmark datasets specifically tailored for mobile apps. To facilitate research for conversational mobile app recommendations, we introduce MobileConvRec. MobileConvRec simulates conversations by leveraging real user interactions with mobile apps on the Google Play store, originally captured in large-scale mobile app recommendation dataset MobileRec. The proposed conversational recommendation dataset synergizes sequential user-item interactions, which reflect implicit user preferences, with comprehensive multi-turn conversations to effectively grasp explicit user needs. MobileConvRec consists of over 12K multi-turn recommendation-related conversations spanning 45 app categories. Moreover, MobileConvRec presents rich metadata for each app such as permissions data, security and privacy-related information, and binary executables of apps, among others. We demonstrate that MobileConvRec can serve as an excellent testbed for conversational mobile app recommendation through a comparative study of several pre-trained large language models.
△ Less
Submitted 27 May, 2024;
originally announced May 2024.
-
A Recent Survey of Vision Transformers for Medical Image Segmentation
Authors:
Asifullah Khan,
Zunaira Rauf,
Abdul Rehman Khan,
Saima Rathore,
Saddam Hussain Khan,
Najmus Saher Shah,
Umair Farooq,
Hifsa Asif,
Aqsa Asif,
Umme Zahoora,
Rafi Ullah Khalil,
Suleman Qamar,
Umme Hani Asif,
Faiza Babar Khan,
Abdul Majid,
Jeonghwan Gwak
Abstract:
Medical image segmentation plays a crucial role in various healthcare applications, enabling accurate diagnosis, treatment planning, and disease monitoring. Traditionally, convolutional neural networks (CNNs) dominated this domain, excelling at local feature extraction. However, their limitations in capturing long-range dependencies across image regions pose challenges for segmenting complex, inte…
▽ More
Medical image segmentation plays a crucial role in various healthcare applications, enabling accurate diagnosis, treatment planning, and disease monitoring. Traditionally, convolutional neural networks (CNNs) dominated this domain, excelling at local feature extraction. However, their limitations in capturing long-range dependencies across image regions pose challenges for segmenting complex, interconnected structures often encountered in medical data. In recent years, Vision Transformers (ViTs) have emerged as a promising technique for addressing the challenges in medical image segmentation. Their multi-scale attention mechanism enables effective modeling of long-range dependencies between distant structures, crucial for segmenting organs or lesions spanning the image. Additionally, ViTs' ability to discern subtle pattern heterogeneity allows for the precise delineation of intricate boundaries and edges, a critical aspect of accurate medical image segmentation. However, they do lack image-related inductive bias and translational invariance, potentially impacting their performance. Recently, researchers have come up with various ViT-based approaches that incorporate CNNs in their architectures, known as Hybrid Vision Transformers (HVTs) to capture local correlation in addition to the global information in the images. This survey paper provides a detailed review of the recent advancements in ViTs and HVTs for medical image segmentation. Along with the categorization of ViT and HVT-based medical image segmentation approaches, we also present a detailed overview of their real-time applications in several medical image modalities. This survey may serve as a valuable resource for researchers, healthcare practitioners, and students in understanding the state-of-the-art approaches for ViT-based medical image segmentation.
△ Less
Submitted 18 December, 2023; v1 submitted 1 December, 2023;
originally announced December 2023.
-
MUST: A Multilingual Student-Teacher Learning approach for low-resource speech recognition
Authors:
Muhammad Umar Farooq,
Rehan Ahmad,
Thomas Hain
Abstract:
Student-teacher learning or knowledge distillation (KD) has been previously used to address data scarcity issue for training of speech recognition (ASR) systems. However, a limitation of KD training is that the student model classes must be a proper or improper subset of the teacher model classes. It prevents distillation from even acoustically similar languages if the character sets are not same.…
▽ More
Student-teacher learning or knowledge distillation (KD) has been previously used to address data scarcity issue for training of speech recognition (ASR) systems. However, a limitation of KD training is that the student model classes must be a proper or improper subset of the teacher model classes. It prevents distillation from even acoustically similar languages if the character sets are not same. In this work, the aforementioned limitation is addressed by proposing a MUltilingual Student-Teacher (MUST) learning which exploits a posteriors mapping approach. A pre-trained mapping model is used to map posteriors from a teacher language to the student language ASR. These mapped posteriors are used as soft labels for KD learning. Various teacher ensemble schemes are experimented to train an ASR model for low-resource languages. A model trained with MUST learning reduces relative character error rate (CER) up to 9.5% in comparison with a baseline monolingual ASR.
△ Less
Submitted 28 October, 2023;
originally announced October 2023.
-
ChatGPT Performance on Standardized Testing Exam -- A Proposed Strategy for Learners
Authors:
Umer Farooq,
Saira Anwar
Abstract:
This study explores the problem solving capabilities of ChatGPT and its prospective applications in standardized test preparation, focusing on the GRE quantitative exam. Prior research has shown great potential for the utilization of ChatGPT for academic purposes in revolutionizing the approach to studying across various disciplines. We investigate how ChatGPT performs across various question type…
▽ More
This study explores the problem solving capabilities of ChatGPT and its prospective applications in standardized test preparation, focusing on the GRE quantitative exam. Prior research has shown great potential for the utilization of ChatGPT for academic purposes in revolutionizing the approach to studying across various disciplines. We investigate how ChatGPT performs across various question types in the GRE quantitative domain, and how modifying question prompts impacts its accuracy. More specifically this study addressed two research questions: 1. How does ChatGPT perform in answering GRE-based quantitative questions across various content areas? 2. How does the accuracy of ChatGPT vary with modifying the question prompts? The dataset consisting of 100 randomly selected GRE quantitative questions was collected from the ETS official guide to GRE test preparation. We used quantitative evaluation to answer our first research question, and t-test to examine the statistical association between prompt modification and ChatGPT's accuracy. Results show a statistical improvement in the ChatGPT's accuracy after applying instruction priming and contextual prompts to the original questions. ChatGPT showed 84% accuracy with the modified prompts compared to 69% with the original data. The study discusses the areas where ChatGPT struggled with certain questions and how modifications can be helpful for preparing for standardized tests like GRE and provides future directions for prompt modifications.
△ Less
Submitted 25 September, 2023;
originally announced September 2023.
-
Learning Cross-lingual Mappings for Data Augmentation to Improve Low-Resource Speech Recognition
Authors:
Muhammad Umar Farooq,
Thomas Hain
Abstract:
Exploiting cross-lingual resources is an effective way to compensate for data scarcity of low resource languages. Recently, a novel multilingual model fusion technique has been proposed where a model is trained to learn cross-lingual acoustic-phonetic similarities as a mapping function. However, handcrafted lexicons have been used to train hybrid DNN-HMM ASR systems. To remove this dependency, we…
▽ More
Exploiting cross-lingual resources is an effective way to compensate for data scarcity of low resource languages. Recently, a novel multilingual model fusion technique has been proposed where a model is trained to learn cross-lingual acoustic-phonetic similarities as a mapping function. However, handcrafted lexicons have been used to train hybrid DNN-HMM ASR systems. To remove this dependency, we extend the concept of learnable cross-lingual mappings for end-to-end speech recognition. Furthermore, mapping models are employed to transliterate the source languages to the target language without using parallel data. Finally, the source audio and its transliteration is used for data augmentation to retrain the target language ASR. The results show that any source language ASR model can be used for a low-resource target language recognition followed by proposed mapping model. Furthermore, data augmentation results in a relative gain up to 5% over baseline monolingual model.
△ Less
Submitted 14 June, 2023;
originally announced June 2023.
-
A survey of the Vision Transformers and their CNN-Transformer based Variants
Authors:
Asifullah Khan,
Zunaira Rauf,
Anabia Sohail,
Abdul Rehman,
Hifsa Asif,
Aqsa Asif,
Umair Farooq
Abstract:
Vision transformers have become popular as a possible substitute to convolutional neural networks (CNNs) for a variety of computer vision applications. These transformers, with their ability to focus on global relationships in images, offer large learning capacity. However, they may suffer from limited generalization as they do not tend to model local correlation in images. Recently, in vision tra…
▽ More
Vision transformers have become popular as a possible substitute to convolutional neural networks (CNNs) for a variety of computer vision applications. These transformers, with their ability to focus on global relationships in images, offer large learning capacity. However, they may suffer from limited generalization as they do not tend to model local correlation in images. Recently, in vision transformers hybridization of both the convolution operation and self-attention mechanism has emerged, to exploit both the local and global image representations. These hybrid vision transformers, also referred to as CNN-Transformer architectures, have demonstrated remarkable results in vision applications. Given the rapidly growing number of hybrid vision transformers, it has become necessary to provide a taxonomy and explanation of these hybrid architectures. This survey presents a taxonomy of the recent vision transformer architectures and more specifically that of the hybrid vision transformers. Additionally, the key features of these architectures such as the attention mechanisms, positional embeddings, multi-scale processing, and convolution are also discussed. In contrast to the previous survey papers that are primarily focused on individual vision transformer architectures or CNNs, this survey uniquely emphasizes the emerging trend of hybrid vision transformers. By showcasing the potential of hybrid vision transformers to deliver exceptional performance across a range of computer vision tasks, this survey sheds light on the future directions of this rapidly evolving architecture.
△ Less
Submitted 27 July, 2024; v1 submitted 16 May, 2023;
originally announced May 2023.
-
Ensemble CNNs for Breast Tumor Classification
Authors:
Muhammad Umar Farooq,
Zahid Ullah,
Jeonghwan Gwak
Abstract:
To improve the recognition ability of computer-aided breast mass classification among mammographic images, in this work we explore the state-of-the-art classification networks to develop an ensemble mechanism. First, the regions of interest (ROIs) are obtained from the original dataset, and then three models, i.e., XceptionNet, DenseNet, and EfficientNet, are trained individually. After training,…
▽ More
To improve the recognition ability of computer-aided breast mass classification among mammographic images, in this work we explore the state-of-the-art classification networks to develop an ensemble mechanism. First, the regions of interest (ROIs) are obtained from the original dataset, and then three models, i.e., XceptionNet, DenseNet, and EfficientNet, are trained individually. After training, we ensemble the mechanism by summing the probabilities outputted from each network which enhances the performance up to 5%. The scheme has been validated on a public dataset and we achieved accuracy, precision, and recall 88%, 85%, and 76% respectively.
△ Less
Submitted 11 April, 2023;
originally announced April 2023.
-
MobileRec: A Large-Scale Dataset for Mobile Apps Recommendation
Authors:
M. H. Maqbool,
Umar Farooq,
Adib Mosharrof,
A. B. Siddique,
Hassan Foroosh
Abstract:
Recommender systems have become ubiquitous in our digital lives, from recommending products on e-commerce websites to suggesting movies and music on streaming platforms. Existing recommendation datasets, such as Amazon Product Reviews and MovieLens, greatly facilitated the research and development of recommender systems in their respective domains. While the number of mobile users and applications…
▽ More
Recommender systems have become ubiquitous in our digital lives, from recommending products on e-commerce websites to suggesting movies and music on streaming platforms. Existing recommendation datasets, such as Amazon Product Reviews and MovieLens, greatly facilitated the research and development of recommender systems in their respective domains. While the number of mobile users and applications (aka apps) has increased exponentially over the past decade, research in mobile app recommender systems has been significantly constrained, primarily due to the lack of high-quality benchmark datasets, as opposed to recommendations for products, movies, and news. To facilitate research for app recommendation systems, we introduce a large-scale dataset, called MobileRec. We constructed MobileRec from users' activity on the Google play store. MobileRec contains 19.3 million user interactions (i.e., user reviews on apps) with over 10K unique apps across 48 categories. MobileRec records the sequential activity of a total of 0.7 million distinct users. Each of these users has interacted with no fewer than five distinct apps, which stands in contrast to previous datasets on mobile apps that recorded only a single interaction per user. Furthermore, MobileRec presents users' ratings as well as sentiments on installed apps, and each app contains rich metadata such as app name, category, description, and overall rating, among others. We demonstrate that MobileRec can serve as an excellent testbed for app recommendation through a comparative study of several state-of-the-art recommendation approaches. The quantitative results can act as a baseline for other researchers to compare their results against. The MobileRec dataset is available at https://huggingface.co/datasets/recmeapp/mobilerec.
△ Less
Submitted 12 March, 2023;
originally announced March 2023.
-
Proactive Prioritization of App Issues via Contrastive Learning
Authors:
Moghis Fereidouni,
Adib Mosharrof,
Umar Farooq,
AB Siddique
Abstract:
Mobile app stores produce a tremendous amount of data in the form of user reviews, which is a huge source of user requirements and sentiments; such reviews allow app developers to proactively address issues in their apps. However, only a small number of reviews capture common issues and sentiments which creates a need for automatically identifying prominent reviews. Unfortunately, most existing wo…
▽ More
Mobile app stores produce a tremendous amount of data in the form of user reviews, which is a huge source of user requirements and sentiments; such reviews allow app developers to proactively address issues in their apps. However, only a small number of reviews capture common issues and sentiments which creates a need for automatically identifying prominent reviews. Unfortunately, most existing work in text ranking and popularity prediction focuses on social contexts where other signals are available, which renders such works ineffective in the context of app reviews. In this work, we propose a new framework, PPrior, that enables proactive prioritization of app issues through identifying prominent reviews (ones predicted to receive a large number of votes in a given time window). Predicting highly-voted reviews is challenging given that, unlike social posts, social network features of users are not available. Moreover, there is an issue of class imbalance, since a large number of user reviews receive little to no votes. PPrior employs a pre-trained T5 model and works in three phases. Phase one adapts the pre-trained T5 model to the user reviews data in a self-supervised fashion. In phase two, we leverage contrastive training to learn a generic and task-independent representation of user reviews. Phase three uses radius neighbors classifier t o m ake t he final predictions. This phase also uses FAISS index for scalability and efficient search. To conduct extensive experiments, we acquired a large dataset of over 2.1 million user reviews from Google Play. Our experimental results demonstrate the effectiveness of the proposed framework when compared against several state-of-the-art approaches. Moreover, the accuracy of PPrior in predicting prominent reviews is comparable to that of experienced app developers.
△ Less
Submitted 12 March, 2023;
originally announced March 2023.
-
Towards domain generalisation in ASR with elitist sampling and ensemble knowledge distillation
Authors:
Rehan Ahmad,
Md Asif Jalal,
Muhammad Umar Farooq,
Anna Ollerenshaw,
Thomas Hain
Abstract:
Knowledge distillation has widely been used for model compression and domain adaptation for speech applications. In the presence of multiple teachers, knowledge can easily be transferred to the student by averaging the models output. However, previous research shows that the student do not adapt well with such combination. This paper propose to use an elitist sampling strategy at the output of ens…
▽ More
Knowledge distillation has widely been used for model compression and domain adaptation for speech applications. In the presence of multiple teachers, knowledge can easily be transferred to the student by averaging the models output. However, previous research shows that the student do not adapt well with such combination. This paper propose to use an elitist sampling strategy at the output of ensemble teacher models to select the best-decoded utterance generated by completely out-of-domain teacher models for generalizing unseen domain. The teacher models are trained on AMI, LibriSpeech and WSJ while the student is adapted for the Switchboard data. The results show that with the selection strategy based on the individual models posteriors the student model achieves a better WER compared to all the teachers and baselines with a minimum absolute improvement of about 8.4 percent. Furthermore, an insights on the model adaptation with out-of-domain data has also been studied via correlation analysis.
△ Less
Submitted 1 March, 2023;
originally announced March 2023.
-
Matrix majorization in large samples
Authors:
Muhammad Usman Farooq,
Tobias Fritz,
Erkka Haapasalo,
Marco Tomamichel
Abstract:
One tuple of probability vectors is more informative than another tuple when there exists a single stochastic matrix transforming the probability vectors of the first tuple into the probability vectors of the other. This is called matrix majorization. Solving an open problem raised by Mu et al, we show that if certain monotones - namely multivariate extensions of Rényi divergences - are strictly o…
▽ More
One tuple of probability vectors is more informative than another tuple when there exists a single stochastic matrix transforming the probability vectors of the first tuple into the probability vectors of the other. This is called matrix majorization. Solving an open problem raised by Mu et al, we show that if certain monotones - namely multivariate extensions of Rényi divergences - are strictly ordered between the two tuples, then for sufficiently large $n$, there exists a stochastic matrix taking the $n$-fold Kronecker power of each input distribution to the $n$-fold Kronecker power of the corresponding output distribution. The same conditions, with non-strict ordering for the monotones, are also necessary for such matrix majorization in large samples.
Our result also gives conditions for the existence of a sequence of statistical maps that asymptotically (with vanishing error) convert a single copy of each input distribution to the corresponding output distribution with the help of a catalyst that is returned unchanged. Allowing for transformation with arbitrarily small error, we find conditions that are both necessary and sufficient for such catalytic matrix majorization.
We derive our results by building on a general algebraic theory of preordered semirings recently developed by one of the authors. This also allows us to recover various existing results on majorization in large samples and in the catalytic regime as well as relative majorization in a unified manner.
△ Less
Submitted 8 January, 2024; v1 submitted 18 January, 2023;
originally announced January 2023.
-
Improving the Thresholds of Generalized LDPC Codes with Convolutional Code Constraints
Authors:
Muhammad Umar Farooq,
Michael Lentmaier,
Alexandre Graell i Amat
Abstract:
CC-GLPDC codes are a class of generalized low-density parity-check (GLDPC) codes where the constraint nodes (CNs) represent convolutional codes. This allows for efficient decoding in the trellis with the forward-backward algorithm, and the strength of the component codes easily can be controlled by the encoder memory without changing the graph structure. In this letter, we extend the class of CC-G…
▽ More
CC-GLPDC codes are a class of generalized low-density parity-check (GLDPC) codes where the constraint nodes (CNs) represent convolutional codes. This allows for efficient decoding in the trellis with the forward-backward algorithm, and the strength of the component codes easily can be controlled by the encoder memory without changing the graph structure. In this letter, we extend the class of CC-GLDPC codes by introducing different types of irregularity at the CNs and investigating their effect on the BP and MAP decoding thresholds for the binary erasure channel (BEC). For the considered class of codes, an exhaustive grid search is performed to find the BP-optimized and MAP-optimized ensembles and compare their thresholds with the regular ensemble of the same design rate. The results show that irregularity can significantly improve the BP thresholds, whereas the thresholds of the MAP-optimized ensembles are only slightly different from the regular ensembles. Simulation results for the AWGN channel are presented as well and compared to the corresponding thresholds.
△ Less
Submitted 30 November, 2022;
originally announced November 2022.
-
Linker Code Size Optimization for Native Mobile Applications
Authors:
Gai Liu,
Umar Farooq,
Chengyan Zhao,
Xia Liu,
Nian Sun
Abstract:
Modern mobile applications have grown rapidly in binary size, which restricts user growth and hinders updates for existing users. Thus, reducing the binary size is important for application developers. Recent studies have shown the possibility of using link-time code size optimizations by re-invoking certain compiler optimizations on the linked intermediate representation of the program. However,…
▽ More
Modern mobile applications have grown rapidly in binary size, which restricts user growth and hinders updates for existing users. Thus, reducing the binary size is important for application developers. Recent studies have shown the possibility of using link-time code size optimizations by re-invoking certain compiler optimizations on the linked intermediate representation of the program. However, such methods often incur significant build time overhead and require intrusive changes to the existing build pipeline.
In this paper, we propose several novel optimization techniques that do not require significant customization to the build pipeline and reduce binary size with low build time overhead. As opposed to re-invoking the compiler during link time, we perform true linker optimization directly as optimization passes within the linker. This enables more optimization opportunities such as pre-compiled libraries that prior work often could not optimize. We evaluate our techniques on several commercial iOS applications including NewsFeedApp, ShortVideoApp, and CollaborationSuiteApp, each with hundreds of millions of daily active users. Our techniques on average achieve 18.4% binary size reduction across the three commercial applications without any user-perceivable performance degradations.
△ Less
Submitted 18 January, 2023; v1 submitted 13 September, 2022;
originally announced October 2022.
-
Non-Linear Pairwise Language Mappings for Low-Resource Multilingual Acoustic Model Fusion
Authors:
Muhammad Umar Farooq,
Darshan Adiga Haniya Narayana,
Thomas Hain
Abstract:
Multilingual speech recognition has drawn significant attention as an effective way to compensate data scarcity for low-resource languages. End-to-end (e2e) modelling is preferred over conventional hybrid systems, mainly because of no lexicon requirement. However, hybrid DNN-HMMs still outperform e2e models in limited data scenarios. Furthermore, the problem of manual lexicon creation has been all…
▽ More
Multilingual speech recognition has drawn significant attention as an effective way to compensate data scarcity for low-resource languages. End-to-end (e2e) modelling is preferred over conventional hybrid systems, mainly because of no lexicon requirement. However, hybrid DNN-HMMs still outperform e2e models in limited data scenarios. Furthermore, the problem of manual lexicon creation has been alleviated by publicly available trained models of grapheme-to-phoneme (G2P) and text to IPA transliteration for a lot of languages. In this paper, a novel approach of hybrid DNN-HMM acoustic models fusion is proposed in a multilingual setup for the low-resource languages. Posterior distributions from different monolingual acoustic models, against a target language speech signal, are fused together. A separate regression neural network is trained for each source-target language pair to transform posteriors from source acoustic model to the target language. These networks require very limited data as compared to the ASR training. Posterior fusion yields a relative gain of 14.65% and 6.5% when compared with multilingual and monolingual baselines respectively. Cross-lingual model fusion shows that the comparable results can be achieved without using posteriors from the language dependent ASR.
△ Less
Submitted 7 July, 2022;
originally announced July 2022.
-
Investigating the Impact of Cross-lingual Acoustic-Phonetic Similarities on Multilingual Speech Recognition
Authors:
Muhammad Umar Farooq,
Thomas Hain
Abstract:
Multilingual automatic speech recognition (ASR) systems mostly benefit low resource languages but suffer degradation in performance across several languages relative to their monolingual counterparts. Limited studies have focused on understanding the languages behaviour in the multilingual speech recognition setups. In this paper, a novel data-driven approach is proposed to investigate the cross-l…
▽ More
Multilingual automatic speech recognition (ASR) systems mostly benefit low resource languages but suffer degradation in performance across several languages relative to their monolingual counterparts. Limited studies have focused on understanding the languages behaviour in the multilingual speech recognition setups. In this paper, a novel data-driven approach is proposed to investigate the cross-lingual acoustic-phonetic similarities. This technique measures the similarities between posterior distributions from various monolingual acoustic models against a target speech signal. Deep neural networks are trained as mapping networks to transform the distributions from different acoustic models into a directly comparable form. The analysis observes that the languages closeness can not be truly estimated by the volume of overlapping phonemes set. Entropy analysis of the proposed mapping networks exhibits that a language with lesser overlap can be more amenable to cross-lingual transfer, and hence more beneficial in the multilingual setup. Finally, the proposed posterior transformation approach is leveraged to fuse monolingual models for a target language. A relative improvement of ~8% over monolingual counterpart is achieved.
△ Less
Submitted 7 July, 2022;
originally announced July 2022.
-
Machine Learning Aided Holistic Handover Optimization for Emerging Networks
Authors:
Muhammad Umar Bin Farooq,
Marvin Manalastas,
Syed Muhammad Asad Zaidi,
Adnan Abu-Dayya,
Ali Imran
Abstract:
In the wake of network densification and multi-band operation in emerging cellular networks, mobility and handover management is becoming a major bottleneck. The problem is further aggravated by the fact that holistic mobility management solutions for different types of handovers, namely inter-frequency and intra-frequency handovers, remain scarce. This paper presents a first mobility management s…
▽ More
In the wake of network densification and multi-band operation in emerging cellular networks, mobility and handover management is becoming a major bottleneck. The problem is further aggravated by the fact that holistic mobility management solutions for different types of handovers, namely inter-frequency and intra-frequency handovers, remain scarce. This paper presents a first mobility management solution that concurrently optimizes inter-frequency related A5 parameters and intra-frequency related A3 parameters. We analyze and optimize five parameters namely A5-time to trigger (TTT), A5-threshold1, A5-threshold2, A3-TTT, and A3-offset to jointly maximize three critical key performance indicators (KPIs): edge user reference signal received power (RSRP), handover success rate (HOSR) and load between frequency bands. In the absence of tractable analytical models due to system level complexity, we leverage machine learning to quantify the KPIs as a function of the mobility parameters. An XGBoost based model has the best performance for edge RSRP and HOSR while random forest outperforms others for load prediction. An analysis of the mobility parameters provides several insights: 1) there exists a strong coupling between A3 and A5 parameters; 2) an optimal set of parameters exists for each KPI; and 3) the optimal parameters vary for different KPIs. We also perform a SHAP based sensitivity to help resolve the parametric conflict between the KPIs. Finally, we formulate a maximization problem, show it is non-convex, and solve it utilizing simulated annealing (SA). Results indicate that ML-based SA-aided solution is more than 14x faster than the brute force approach with a slight loss in optimality.
△ Less
Submitted 6 February, 2022;
originally announced February 2022.
-
Model-Based Framework for exploiting sensors of IoT devices using a Botnet: A case study with Android
Authors:
Zubair Khaliq,
Dawood Ashraf Khan,
Asif Iqbal Baba,
Shahbaz Ali,
Sheikh Umar Farooq
Abstract:
Botnets have become a serious security threat not only to the Internet but also to the devices connected to it. Factors like the exponential growth of IoT, the COVID-19 pandemic that's sweeping the planet, and the ever-larger number of cyber-criminals who now have access to or have developed increasingly more sophisticated tools are incentivizing the growth of botnets in this domain. The recent ou…
▽ More
Botnets have become a serious security threat not only to the Internet but also to the devices connected to it. Factors like the exponential growth of IoT, the COVID-19 pandemic that's sweeping the planet, and the ever-larger number of cyber-criminals who now have access to or have developed increasingly more sophisticated tools are incentivizing the growth of botnets in this domain. The recent outbreak of botnets like Dark Nexus (derived from Qbot and Mirai), Mukashi, LeetHozer, Hoaxcalls, etc. shows the alarming rate at which this threat is converging. The botnets have attributes that make them an excellent platform for malicious activities in IoT devices. These IoT devices are used by organizations that need to both innovate and safeguard the personal and confidential data of their customers, employees, and business partners. The IoT devices have built-in sensors or actuators which can be exploited to monitor or control the physical environment of the entities connected to them thereby violating the fundamental concept of privacy-by-design of these devices. In this paper, we design and describe a modular botnet framework for IoT. Our framework is communication channel independent because it utilizes various available communication channels for command and control of an IoT device. The framework uses an enhanced centralized architecture associated with a novel Domain Fluxing Technique. The proposed framework will provide insights into how privacy in IoT devices can be incorporated at design time to check the sensors and actuators in these devices against malicious exploitation consequently preserving privacy. This paper includes design considerations, command and control structures, characteristics, capabilities, intrusion, and other related work. Furthermore, proof of concept Botnet is implemented and explained using the developed framework.
△ Less
Submitted 14 January, 2022;
originally announced January 2022.
-
Artificial Intelligence in Software Testing : Impact, Problems, Challenges and Prospect
Authors:
Zubair Khaliq,
Sheikh Umar Farooq,
Dawood Ashraf Khan
Abstract:
Artificial Intelligence (AI) is making a significant impact in multiple areas like medical, military, industrial, domestic, law, arts as AI is capable to perform several roles such as managing smart factories, driving autonomous vehicles, creating accurate weather forecasts, detecting cancer and personal assistants, etc. Software testing is the process of putting the software to test for some abno…
▽ More
Artificial Intelligence (AI) is making a significant impact in multiple areas like medical, military, industrial, domestic, law, arts as AI is capable to perform several roles such as managing smart factories, driving autonomous vehicles, creating accurate weather forecasts, detecting cancer and personal assistants, etc. Software testing is the process of putting the software to test for some abnormal behaviour of the software. Software testing is a tedious, laborious and most time-consuming process. Automation tools have been developed that help to automate some activities of the testing process to enhance quality and timely delivery. Over time with the inclusion of continuous integration and continuous delivery (CI/CD) pipeline, automation tools are becoming less effective. The testing community is turning to AI to fill the gap as AI is able to check the code for bugs and errors without any human intervention and in a much faster way than humans. In this study, we aim to recognize the impact of AI technologies on various software testing activities or facets in the STLC. Further, the study aims to recognize and explain some of the biggest challenges software testers face while applying AI to testing. The paper also proposes some key contributions of AI in the future to the domain of software testing.
△ Less
Submitted 14 January, 2022;
originally announced January 2022.
-
Data Driven Optimization of Inter-Frequency Mobility Parameters for Emerging Multi-band Networks
Authors:
Muhammad Umar Bin Farooq,
Marvin Manalastas,
Waseem Raza,
Aneeqa Ijaz,
Syed Muhammad Asad Zaidi,
Adnan Abu-Dayya,
Ali Imran
Abstract:
Densification and multi-band operation in 5G and beyond pose an unprecedented challenge for mobility management, particularly for inter-frequency handovers. The challenge is aggravated by the fact that the impact of key inter-frequency mobility parameters, namely A5 time to trigger (TTT), A5 threshold1 and A5 threshold2 on the system's performance is not fully understood. These parameters are fixe…
▽ More
Densification and multi-band operation in 5G and beyond pose an unprecedented challenge for mobility management, particularly for inter-frequency handovers. The challenge is aggravated by the fact that the impact of key inter-frequency mobility parameters, namely A5 time to trigger (TTT), A5 threshold1 and A5 threshold2 on the system's performance is not fully understood. These parameters are fixed to a gold standard value or adjusted through hit and trial. This paper presents a first study to analyze and optimize A5 parameters for jointly maximizing two key performance indicators (KPIs): Reference signal received power (RSRP) and handover success rate (HOSR). As analytical modeling cannot capture the system-level complexity, a data driven approach is used. By developing XGBoost based model, that outperforms other models in terms of accuracy, we first analyze the concurrent impact of the three parameters on the two KPIs. The results reveal three key insights: 1) there exist optimal parameter values for each KPI; 2) these optimal values do not necessarily belong to the current gold standard; 3) the optimal parameter values for the two KPIs do not overlap. We then leverage the Sobol variance-based sensitivity analysis to draw some insights which can be used to avoid the parametric conflict while jointly maximizing both KPIs. We formulate the joint RSRP and HOSR optimization problem, show that it is non-convex and solve it using the genetic algorithm (GA). Comparison with the brute force-based results show that the proposed data driven GA-aided solution is 48x faster with negligible loss in optimality.
△ Less
Submitted 18 August, 2020;
originally announced August 2020.
-
App-Aware Response Synthesis for User Reviews
Authors:
Umar Farooq,
A. B. Siddique,
Fuad Jamour,
Zhijia Zhao,
Vagelis Hristidis
Abstract:
Responding to user reviews promptly and satisfactorily improves application ratings, which is key to application popularity and success. The proliferation of such reviews makes it virtually impossible for developers to keep up with responding manually. To address this challenge, recent work has shown the possibility of automatic response generation. However, because the training review-response pa…
▽ More
Responding to user reviews promptly and satisfactorily improves application ratings, which is key to application popularity and success. The proliferation of such reviews makes it virtually impossible for developers to keep up with responding manually. To address this challenge, recent work has shown the possibility of automatic response generation. However, because the training review-response pairs are aggregated from many different apps, it remains challenging for such models to generate app-specific responses, which, on the other hand, are often desirable as apps have different features and concerns. Solving the challenge by simply building a model per app (i.e., training with review-response pairs of a single app) may be insufficient because individual apps have limited review-response pairs, and such pairs typically lack the relevant information needed to respond to a new review. To enable app-specific response generation, this work proposes AARSynth: an app-aware response synthesis system. The key idea behind AARSynth is to augment the seq2seq model with information specific to a given app. Given a new user review, it first retrieves the top-K most relevant app reviews and the most relevant snippet from the app description. The retrieved information and the new user review are then fed into a fused machine learning model that integrates the seq2seq model with a machine reading comprehension model. The latter helps digest the retrieved reviews and app description. Finally, the fused model generates a response that is customized to the given app. We evaluated AARSynth using a large corpus of reviews and responses from Google Play. The results show that AARSynth outperforms the state-of-the-art system by 22.2% on BLEU-4 score. Furthermore, our human study shows that AARSynth produces a statistically significant improvement in response quality compared to the state-of-the-art system.
△ Less
Submitted 10 November, 2020; v1 submitted 30 July, 2020;
originally announced July 2020.
-
The Effect of Coupling Memory and Block Length on Spatially Coupled Serially Concatenated Codes
Authors:
Mojtaba Mahdavi,
Muhammad Umar Farooq,
Liang Liu,
Ove Edfors,
Viktor Öwall,
Michael Lentmaier
Abstract:
Spatially coupled serially concatenated codes (SC-SCCs) are a class of spatially coupled turbo-like codes, which have a close-to-capacity performance and low error floor. In this paper we investigate the impact of coupling memory, block length, decoding window size, and number of iterations on the performance, complexity, and latency of SC-SCCs. Several design tradeoffs are presented to see the re…
▽ More
Spatially coupled serially concatenated codes (SC-SCCs) are a class of spatially coupled turbo-like codes, which have a close-to-capacity performance and low error floor. In this paper we investigate the impact of coupling memory, block length, decoding window size, and number of iterations on the performance, complexity, and latency of SC-SCCs. Several design tradeoffs are presented to see the relation between these parameters in a wide range. Also, our analysis provides design guidelines for SC-SCCs in different scenarios to make the code design independent of block length. As a result, block length and coupling memory can be exchanged flexibly without changing the latency and complexity. Also, we observe that the performance of SC-SCCs is improved with respect to the uncoupled ensembles for a fixed latency and complexity.
△ Less
Submitted 25 July, 2021; v1 submitted 23 June, 2020;
originally announced June 2020.
-
Generalized LDPC Codes with Convolutional Code Constraints
Authors:
Muhammad Umar Farooq,
Saeedeh Moloudi,
Michael Lentmaier
Abstract:
Braided convolutional codes (BCCs) are a class of spatially coupled turbo-like codes that can be described by a $(2,3)$-regular compact graph. In this paper, we introduce a family of $(d_v,d_c)$-regular GLDPC codes with convolutional code constraints (CC-GLDPC codes), which form an extension of classical BCCs to arbitrary regular graphs. In order to characterize the performance in the waterfall an…
▽ More
Braided convolutional codes (BCCs) are a class of spatially coupled turbo-like codes that can be described by a $(2,3)$-regular compact graph. In this paper, we introduce a family of $(d_v,d_c)$-regular GLDPC codes with convolutional code constraints (CC-GLDPC codes), which form an extension of classical BCCs to arbitrary regular graphs. In order to characterize the performance in the waterfall and error floor regions, we perform an analysis of the density evolution thresholds as well as the finite-length ensemble weight enumerators and minimum distances of the ensembles. In particular, we consider various ensembles of overall rate $R=1/3$ and $R=1/2$ and study the trade-off between variable node degree and strength of the component codes. We also compare the results to corresponding classical LDPC codes with equal degrees and rates. It is observed that for the considered LDPC codes with variable node degree $d_v>2$, we can find a CC-GLDPC code with smaller $d_v$ that offers similar or better performance in terms of BP and MAP thresholds at the expense of a negligible loss in the minimum distance.
△ Less
Submitted 13 February, 2020;
originally announced February 2020.
-
Motion Corrected Multishot MRI Reconstruction Using Generative Networks with Sensitivity Encoding
Authors:
Muhammad Usman,
Muhammad Umar Farooq,
Siddique Latif,
Muhammad Asim,
Junaid Qadir
Abstract:
Multishot Magnetic Resonance Imaging (MRI) is a promising imaging modality that can produce a high-resolution image with relatively less data acquisition time. The downside of multishot MRI is that it is very sensitive to subject motion and even small amounts of motion during the scan can produce artifacts in the final MR image that may cause misdiagnosis. Numerous efforts have been made to addres…
▽ More
Multishot Magnetic Resonance Imaging (MRI) is a promising imaging modality that can produce a high-resolution image with relatively less data acquisition time. The downside of multishot MRI is that it is very sensitive to subject motion and even small amounts of motion during the scan can produce artifacts in the final MR image that may cause misdiagnosis. Numerous efforts have been made to address this issue; however, all of these proposals are limited in terms of how much motion they can correct and the required computational time. In this paper, we propose a novel generative networks based conjugate gradient SENSE (CG-SENSE) reconstruction framework for motion correction in multishot MRI. The proposed framework first employs CG-SENSE reconstruction to produce the motion-corrupted image and then a generative adversarial network (GAN) is used to correct the motion artifacts. The proposed method has been rigorously evaluated on synthetically corrupted data on varying degrees of motion, numbers of shots, and encoding trajectories. Our analyses (both quantitative as well as qualitative/visual analysis) establishes that the proposed method significantly robust and outperforms state-of-the-art motion correction techniques and also reduces severalfold of computational times.
△ Less
Submitted 11 March, 2020; v1 submitted 20 February, 2019;
originally announced February 2019.
-
Time Pressure in Software Engineering: A Systematic Review
Authors:
Miikka Kuutila,
Mika Mäntylä,
Umar Farooq,
Maëlick Claes
Abstract:
Large project overruns and overtime work have been reported in the software industry, resulting in additional expense for companies and personal issues for developers. The present work aims to provide an overview of studies related to time pressure in software engineering; specifically, existing definitions, possible causes, and metrics relevant to time pressure were collected, and a mapping of th…
▽ More
Large project overruns and overtime work have been reported in the software industry, resulting in additional expense for companies and personal issues for developers. The present work aims to provide an overview of studies related to time pressure in software engineering; specifically, existing definitions, possible causes, and metrics relevant to time pressure were collected, and a mapping of the studies to software processes and approaches was performed. Moreover, we synthesize results of existing quantitative studies on the effects of time pressure on software development, and offer practical takeaways for practitioners and researchers, based on empirical evidence. Our search strategy examined 5,414 sources, found through repository searches and snowballing. Applying inclusion and exclusion criteria resulted in the selection of 102 papers, which made relevant contributions related to time pressure in software engineering. The majority of high quality studies report increased productivity and decreased quality under time pressure. Frequent categories of studies focus on quality assurance, cost estimation, and process simulation. It appears that time pressure is usually caused by errors in cost estimation. The effect of time pressure is most often identified during software quality assurance. The majority of empirical studies report increased productivity under time pressure, while the most cost estimation and process simulation models assume that compressing the schedule increases the total needed hours. We also find evidence of the mediating effect of knowledge on the effects of time pressure, and that tight deadlines impact tasks with an algorithmic nature more severely. Future research should better contextualize quantitative studies to account for the existing conflicting results and to provide an understanding of situations when time pressure is either beneficial or harmful.
△ Less
Submitted 9 January, 2020; v1 submitted 17 January, 2019;
originally announced January 2019.
-
User Transmit Power Minimization through Uplink Resource Allocation and User Association in HetNets
Authors:
Umar Bin Farooq,
Umair Sajid Hashmi,
Junaid Qadir,
Ali Imran,
Adnan Noor Mian
Abstract:
The popularity of cellular internet of things (IoT) is increasing day by day and billions of IoT devices will be connected to the internet. Many of these devices have limited battery life with constraints on transmit power. High user power consumption in cellular networks restricts the deployment of many IoT devices in 5G. To enable the inclusion of these devices, 5G should be supplemented with st…
▽ More
The popularity of cellular internet of things (IoT) is increasing day by day and billions of IoT devices will be connected to the internet. Many of these devices have limited battery life with constraints on transmit power. High user power consumption in cellular networks restricts the deployment of many IoT devices in 5G. To enable the inclusion of these devices, 5G should be supplemented with strategies and schemes to reduce user power consumption. Therefore, we present a novel joint uplink user association and resource allocation scheme for minimizing user transmit power while meeting the quality of service. We analyze our scheme for two-tier heterogeneous network (HetNet) and show an average transmit power of -2.8 dBm and 8.2 dBm for our algorithms compared to 20 dBm in state-of-the-art Max reference signal received power (RSRP) and channel individual offset (CIO) based association schemes.
△ Less
Submitted 13 October, 2018;
originally announced October 2018.
-
On the Use of Emoticons in Open Source Software Development
Authors:
Maëlick Claes,
Mika Mäntylä,
Umar Farooq
Abstract:
Background: Using sentiment analysis to study software developers' behavior comes with challenges such as the presence of a large amount of technical discussion unlikely to express any positive or negative sentiment. However, emoticons provide information about developer sentiments that can easily be extracted from software repositories. Aim: We investigate how software developers use emoticons di…
▽ More
Background: Using sentiment analysis to study software developers' behavior comes with challenges such as the presence of a large amount of technical discussion unlikely to express any positive or negative sentiment. However, emoticons provide information about developer sentiments that can easily be extracted from software repositories. Aim: We investigate how software developers use emoticons differently in issue trackers in order to better understand the differences between developers and determine to which extent emoticons can be used as in place of sentiment analysis. Method: We extract emoticons from 1.3M comments from Apache's issue tracker and 4.5M from Mozilla's issue tracker using regular expressions built from a list of emoticons used by SentiStrength and Wikipedia. We check for statistical differences using Mann-Whitney U tests and determine the effect size with Cliff's delta. Results: Overall Mozilla developers rely more on emoticons than Apache developers. While the overall ratio of comments with emoticons is of 2% and 3.6% for Apache and Mozilla, some individual developers can have a ratio above 20%. Looking specifically at Mozilla developers, we find that western developers use significantly more emoticons (with large size effect) than eastern developers. While the majority of emoticons are used to express joy, we find that Mozilla developers use emoticons more frequently to express sadness and surprise than Apache developers. Finally, we find that developers use overall more emoticons during weekends than during weekdays, with the share of sad and surprised emoticons increasing during weekends. Conclusions: While emoticons are primarily used to express joy, the more occasional use of sad and surprised emoticons can potentially be utilized to detect frustration in place of sentiment analysis among developers using emoticons frequently enough.
△ Less
Submitted 9 October, 2018; v1 submitted 31 August, 2018;
originally announced August 2018.
-
Measuring LDA Topic Stability from Clusters of Replicated Runs
Authors:
Mika Mäntylä,
Maëlick Claes,
Umar Farooq
Abstract:
Background: Unstructured and textual data is increasing rapidly and Latent Dirichlet Allocation (LDA) topic modeling is a popular data analysis methods for it. Past work suggests that instability of LDA topics may lead to systematic errors. Aim: We propose a method that relies on replicated LDA runs, clustering, and providing a stability metric for the topics. Method: We generate k LDA topics and…
▽ More
Background: Unstructured and textual data is increasing rapidly and Latent Dirichlet Allocation (LDA) topic modeling is a popular data analysis methods for it. Past work suggests that instability of LDA topics may lead to systematic errors. Aim: We propose a method that relies on replicated LDA runs, clustering, and providing a stability metric for the topics. Method: We generate k LDA topics and replicate this process n times resulting in n*k topics. Then we use K-medioids to cluster the n*k topics to k clusters. The k clusters now represent the original LDA topics and we present them like normal LDA topics showing the ten most probable words. For the clusters, we try multiple stability metrics, out of which we recommend Rank-Biased Overlap, showing the stability of the topics inside the clusters. Results: We provide an initial validation where our method is used for 270,000 Mozilla Firefox commit messages with k=20 and n=20. We show how our topic stability metrics are related to the contents of the topics. Conclusions: Advances in text mining enable us to analyze large masses of text in software engineering but non-deterministic algorithms, such as LDA, may lead to unreplicable conclusions. Our approach makes LDA stability transparent and is also complementary rather than alternative to many prior works that focus on LDA parameter tuning.
△ Less
Submitted 24 August, 2018;
originally announced August 2018.
-
Towards Identifying Paid Open Source Developers - A Case Study with Mozilla Developers
Authors:
Maëlick Claes,
Mika Mäntylä,
Miikka Kuutila,
Umar Farooq
Abstract:
Open source development contains contributions from both hired and volunteer software developers. Identification of this status is important when we consider the transferability of research results to the closed source software industry, as they include no volunteer developers. While many studies have taken the employment status of developers into account, this information is often gathered manual…
▽ More
Open source development contains contributions from both hired and volunteer software developers. Identification of this status is important when we consider the transferability of research results to the closed source software industry, as they include no volunteer developers. While many studies have taken the employment status of developers into account, this information is often gathered manually due to the lack of accurate automatic methods. In this paper, we present an initial step towards predicting paid and unpaid open source development using machine learning and compare our results with automatic techniques used in prior work. By relying on code source repository meta-data from Mozilla, and manually collected employment status, we built a dataset of the most active developers, both volunteer and hired by Mozilla. We define a set of metrics based on developers' usual commit time pattern and use different classification methods (logistic regression, classification tree, and random forest). The results show that our proposed method identify paid and unpaid commits with an AUC of 0.75 using random forest, which is higher than the AUC of 0.64 obtained with the best of the previously used automatic methods.
△ Less
Submitted 6 April, 2018;
originally announced April 2018.
-
Thresholds of Braided Convolutional Codes on the AWGN Channel
Authors:
Muhammad Umar Farooq,
Saeedeh Moloudi,
Michael Lentmaier
Abstract:
In this paper, we perform a threshold analysis of braided convolutional codes (BCCs) on the additive white Gaussian noise (AWGN) channel. The decoding thresholds are estimated by Monte-Carlo density evolution (MC-DE) techniques and compared with approximate thresholds from an erasure channel prediction. The results show that, with spatial coupling, the predicted thresholds are very accurate and qu…
▽ More
In this paper, we perform a threshold analysis of braided convolutional codes (BCCs) on the additive white Gaussian noise (AWGN) channel. The decoding thresholds are estimated by Monte-Carlo density evolution (MC-DE) techniques and compared with approximate thresholds from an erasure channel prediction. The results show that, with spatial coupling, the predicted thresholds are very accurate and quickly approach capacity if the coupling memory is increased. For uncoupled ensembles with random puncturing, the prediction can be improved with help of the AWGN threshold of the unpunctured ensemble.
△ Less
Submitted 28 February, 2018;
originally announced February 2018.
-
Migration from Copper to Fiber Access Network using Passive Optical Network for Green and Dry Field Areas of Pakistan
Authors:
Umar Farooq,
Sajid Bashir,
Tauseef Tasneem,
A. Saboor,
A. Rauf
Abstract:
Passive Optical Networks (PON) technology brings an evolution in the industry of Telecommunication for the provisioning of High Speed Internet (HSI) and Triple Play bundled Services that includes Voice, Data, and Video Streaming throughout the world. In Pakistan most of the service providers are offering broadband services on traditional copper OSP (Outside Plant) network since 2000. Demand for th…
▽ More
Passive Optical Networks (PON) technology brings an evolution in the industry of Telecommunication for the provisioning of High Speed Internet (HSI) and Triple Play bundled Services that includes Voice, Data, and Video Streaming throughout the world. In Pakistan most of the service providers are offering broadband services on traditional copper OSP (Outside Plant) network since 2000. Demand for the high speed internet and broadband is increasing rapidly, it is desired with great need to migrate from traditional copper based OSP network to PON _ FTTx (Fiber To The x) infrastructure. Considering the geographical requirements in Pakistan a scalable fiber network is required which can be optimized as per the users requirements and demands with high speed bandwidth efficiency, involving the minimum losses and with ideal capital expenditure (CAPEX). In this work a platform for migration from copper to fiber access network with a scalable and optimized PON _ FTTx infrastructure in green field and dry field areas of Pakistan have been proposed using Geographic Information system (GIS). In any developing country like Pakistan having the same cultural and geographical topology, this platform can be used to migrate from copper to fiber access network to provide the PON based telecom services. The developed platform for migration from copper to PON based fiber has been studied, planned, and then simulated on a selected geographical area of Pakistan with physical execution that showed better and efficient results with reduction in capital and operational expenditures. A factual plan without ambiguities assists the operators of Pakistan to analyze and forecast bandwidth requirements of an area, optimized network planning along with the in time and efficient deployment.
△ Less
Submitted 19 September, 2015;
originally announced September 2015.
-
A Survey of Home Energy Management Systems in Future Smart Grid Communications
Authors:
I. Khan,
N. Javaid,
M. N. Ullah,
A. Mahmood,
M. U. Farooq
Abstract:
In this paper we present a systematic review of various home energy management (HEM) schemes. Employment of home energy management programs will make the electricity consumption smarter and more efficient. Advantages of HEM include, increased savings for consumers as well as utilities, reduced peak to average ratio (PAR) and peak demand. Where there are numerous applications of smart grid technolo…
▽ More
In this paper we present a systematic review of various home energy management (HEM) schemes. Employment of home energy management programs will make the electricity consumption smarter and more efficient. Advantages of HEM include, increased savings for consumers as well as utilities, reduced peak to average ratio (PAR) and peak demand. Where there are numerous applications of smart grid technologies, home energy management is probably the most important one to be addressed. Utilities across the globe have taken various steps for efficient consumption of electricity. New pricing schemes like, Real Time Pricing (RTP), Time of Use (ToU), Inclining Block Rates (IBR), Critical Peak Pricing (CPP) etc, have been proposed for smart grid. Distributed Energy Resources (DER) (local generation) and/or home appliances coordination along with different tariff schemes lead towards efficient consumption of electricity. This work also discusses a HEM systems general architecture and various challenges in implementation of this architecture in smart grid.
△ Less
Submitted 26 July, 2013;
originally announced July 2013.
-
Critical Aspects of Modern Open Source SoftwareTechnology to Support Emerging Demands
Authors:
Umer Farooq,
M. Aqeel Iqbal,
Usman Shabbir,
Sohail Nazir
Abstract:
Software has gained immense importance in our everyday lifeand is handling each and every aspect of today's technologicalworld. The idea of software at initial phase was implemented bya very precise minority of individual and now it's everywherewhether one's personal life or an organization .Financiallystrong organization and people who can purchase this bounty oftechnological era can fulfill thei…
▽ More
Software has gained immense importance in our everyday lifeand is handling each and every aspect of today's technologicalworld. The idea of software at initial phase was implemented bya very precise minority of individual and now it's everywherewhether one's personal life or an organization .Financiallystrong organization and people who can purchase this bounty oftechnological era can fulfill their desires efficiently. For sure it's not a generalized case that one is financially strong and caneasily afford the desired software. There are numerous userswho cannot do so. Open source software has a way out for theseusers it provides them the same facilities and functionalities asin their equivalent software irrespective of any financialpressure. So the financially constrained personals ororganization can make use of open source software forachievement of their desired tasks. In this research paper ananalysis of open source software has been presented byproviding a brief comparison of Ubuntu as an emerging highquality open source modern operating system with well knownMicrosoft windows operating system
△ Less
Submitted 1 September, 2011;
originally announced September 2011.
-
A Glance into the Future of Human Computer Interactions
Authors:
Umer Farooq,
M. Aqeel Iqbal,
Sohail Nazir
Abstract:
Computers have a direct impact on our lives nowadays. Human's interaction with the computer has modified with the passage of time as improvement in technology occurred the better the human computer interaction became. Today we are facilitated by the operating system that has reduced all the complexity of hardware and we undergo our computation in a very convenient way irrespective of the process o…
▽ More
Computers have a direct impact on our lives nowadays. Human's interaction with the computer has modified with the passage of time as improvement in technology occurred the better the human computer interaction became. Today we are facilitated by the operating system that has reduced all the complexity of hardware and we undergo our computation in a very convenient way irrespective of the process occurring at the hardware level. Though the human computer interaction has improved but it's not done yet. If we come to the future the computer's role in our lives would be a lot more rather our life would be of the artificial intelligence. In our future the biggest resource would be component of time and wasting time for a key board entry or a mouse input would be unbearable so the need would be of the computer interaction environment that along with the complexity reduction also minimizes the time wastage in the human computer interaction. Accordingly in our future the computation would also be increased it would not be a simple operating system limited to a computer it would be computers managing our entire life activities hence fall out of domain of present computers electronic based architecture .In this research paper we propose a model that shall be meeting the future human computer interaction needs possessing linguistic human computer interference environment based on surface technology, automation and photonic computing, which would be reliable, efficient and quicker satisfying all the future artificial intelligence pre requisites.
△ Less
Submitted 21 July, 2011;
originally announced July 2011.
-
Next Generation High Speed Computing Using Photonic Based Technolog
Authors:
Umer Farooq,
M. Aqeel Iqbal
Abstract:
In the present era of technology computer has facilitated the human life up to a great extent. The speed of computation has raised to astonish level but the pace of development of other technologies which have core dependency over computers have raised relatively exponentially huge, though the computer speed of computation is very fast with respect to human abilities but still it has to be increas…
▽ More
In the present era of technology computer has facilitated the human life up to a great extent. The speed of computation has raised to astonish level but the pace of development of other technologies which have core dependency over computers have raised relatively exponentially huge, though the computer speed of computation is very fast with respect to human abilities but still it has to be increased a lot more to meet the future requirements. We have pushed electrons to their maximum limit to a stage that nothing further could be expected from electrons. Alternately one can use photon to replace the relatively sluggish electrons. An alternate that posses all feature that an electron holds but only millions of time faster and with a far more reliability in one way or the other stretching the computers speed to a stage that no one would have ever even wonder. In this research paper the photonics implementations in computation industry have been presented along with its scope as an alternate to electron with comparative study of electron and photon under the computation perspective, generalized working of silicon based optical computers, the application of photons and their crucial role in the upcoming times. Keywords: Photonic Technology, H
△ Less
Submitted 21 July, 2011;
originally announced July 2011.
-
A Glance into the Future of Human Computer Interaction
Authors:
Umer Farooq,
M. Aqeel Iqbal,
Sohail Nazir
Abstract:
Computers have a direct impact on our lives nowadays. Human's interaction with the computer has modified with the passage of time as improvement in technology occurred the better the human computer interaction became. Today we are facilitated by the operating system that has reduced all the complexity of hardware and we undergo our computation in a very convenient way irrespective of the process o…
▽ More
Computers have a direct impact on our lives nowadays. Human's interaction with the computer has modified with the passage of time as improvement in technology occurred the better the human computer interaction became. Today we are facilitated by the operating system that has reduced all the complexity of hardware and we undergo our computation in a very convenient way irrespective of the process occurring at the hardware level. Though the human computer interaction has improved but it's not done yet. If we come to the future the computer's role in our lives would be a lot more rather our life would be of the artificial intelligence. In our future the biggest resource would be component of time and wasting time for a key board entry or a mouse input would be unbearable so the need would be of the computer interaction environment that along with the complexity reduction also minimizes the time wastage in the human computer interaction. Accordingly in our future the computation would also be increased it would not be a simple operating system limited to a computer it would be computers managing our entire life activities hence fall out of domain of present computers electronic based architecture .In this research paper we propose a model that shall be meeting the future human computer interaction needs possessing linguistic human computer interference environment based on surface technology, automation and photonic computing, which would be reliable, efficient and quicker satisfying all the future artificial intelligence pre requisites.
△ Less
Submitted 20 July, 2011;
originally announced July 2011.
-
DIAMOnDS - DIstributed Agents for MObile & Dynamic Services
Authors:
Aamir Shafi,
Umer Farooq,
Saad Kiani,
Maria Riaz,
Anjum Shehzad,
Arshad Ali,
Iosif Legrand,
Harvey Newman
Abstract:
Distributed Services Architecture with support for mobile agents between services, offer significantly improved communication and computational flexibility. The uses of agents allow execution of complex operations that involve large amounts of data to be processed effectively using distributed resources. The prototype system Distributed Agents for Mobile and Dynamic Services (DIAMOnDS), allows a…
▽ More
Distributed Services Architecture with support for mobile agents between services, offer significantly improved communication and computational flexibility. The uses of agents allow execution of complex operations that involve large amounts of data to be processed effectively using distributed resources. The prototype system Distributed Agents for Mobile and Dynamic Services (DIAMOnDS), allows a service to send agents on its behalf, to other services, to perform data manipulation and processing. Agents have been implemented as mobile services that are discovered using the Jini Lookup mechanism and used by other services for task management and communication. Agents provide proxies for interaction with other services as well as specific GUI to monitor and control the agent activity. Thus agents acting on behalf of one service cooperate with other services to carry out a job, providing inter-operation of loosely coupled services in a semi-autonomous way. Remote file system access functionality has been incorporated by the agent framework and allows services to dynamically share and browse the file system resources of hosts, running the services. Generic database access functionality has been implemented in the mobile agent framework that allows performing complex data mining and processing operations efficiently in distributed system. A basic data searching agent is also implemented that performs a query based search in a file system. The testing of the framework was carried out on WAN by moving Connectivity Test agents between AgentStations in CERN, Switzerland and NUST, Pakistan.
△ Less
Submitted 13 June, 2003; v1 submitted 30 May, 2003;
originally announced May 2003.