-
Robust & Precise Knowledge Distillation-based Novel Context-Aware Predictor for Disease Detection in Brain and Gastrointestinal
Authors:
Saif Ur Rehman Khan,
Muhammad Nabeel Asim,
Sebastian Vollmer,
Andreas Dengel
Abstract:
Medical disease prediction, particularly through imaging, remains a challenging task due to the complexity and variability of medical data, including noise, ambiguity, and differing image quality. Recent deep learning models, including Knowledge Distillation (KD) methods, have shown promising results in brain tumor image identification but still face limitations in handling uncertainty and general…
▽ More
Medical disease prediction, particularly through imaging, remains a challenging task due to the complexity and variability of medical data, including noise, ambiguity, and differing image quality. Recent deep learning models, including Knowledge Distillation (KD) methods, have shown promising results in brain tumor image identification but still face limitations in handling uncertainty and generalizing across diverse medical conditions. Traditional KD methods often rely on a context-unaware temperature parameter to soften teacher model predictions, which does not adapt effectively to varying uncertainty levels present in medical images. To address this issue, we propose a novel framework that integrates Ant Colony Optimization (ACO) for optimal teacher-student model selection and a novel context-aware predictor approach for temperature scaling. The proposed context-aware framework adjusts the temperature based on factors such as image quality, disease complexity, and teacher model confidence, allowing for more robust knowledge transfer. Additionally, ACO efficiently selects the most appropriate teacher-student model pair from a set of pre-trained models, outperforming current optimization methods by exploring a broader solution space and better handling complex, non-linear relationships within the data. The proposed framework is evaluated using three publicly available benchmark datasets, each corresponding to a distinct medical imaging task. The results demonstrate that the proposed framework significantly outperforms current state-of-the-art methods, achieving top accuracy rates: 98.01% on the MRI brain tumor (Kaggle) dataset, 92.81% on the Figshare MRI dataset, and 96.20% on the GastroNet dataset. This enhanced performance is further evidenced by the improved results, surpassing existing benchmarks of 97.24% (Kaggle), 91.43% (Figshare), and 95.00% (GastroNet).
△ Less
Submitted 9 May, 2025;
originally announced May 2025.
-
Towards Unconstrained 2D Pose Estimation of the Human Spine
Authors:
Muhammad Saif Ullah Khan,
Stephan Krauß,
Didier Stricker
Abstract:
We present SpineTrack, the first comprehensive dataset for 2D spine pose estimation in unconstrained settings, addressing a crucial need in sports analytics, healthcare, and realistic animation. Existing pose datasets often simplify the spine to a single rigid segment, overlooking the nuanced articulation required for accurate motion analysis. In contrast, SpineTrack annotates nine detailed spinal…
▽ More
We present SpineTrack, the first comprehensive dataset for 2D spine pose estimation in unconstrained settings, addressing a crucial need in sports analytics, healthcare, and realistic animation. Existing pose datasets often simplify the spine to a single rigid segment, overlooking the nuanced articulation required for accurate motion analysis. In contrast, SpineTrack annotates nine detailed spinal keypoints across two complementary subsets: a synthetic set comprising 25k annotations created using Unreal Engine with biomechanical alignment through OpenSim, and a real-world set comprising over 33k annotations curated via an active learning pipeline that iteratively refines automated annotations with human feedback. This integrated approach ensures anatomically consistent labels at scale, even for challenging, in-the-wild images. We further introduce SpinePose, extending state-of-the-art body pose estimators using knowledge distillation and an anatomical regularization strategy to jointly predict body and spine keypoints. Our experiments in both general and sports-specific contexts validate the effectiveness of SpineTrack for precise spine pose estimation, establishing a robust foundation for future research in advanced biomechanical analysis and 3D spine reconstruction in the wild.
△ Less
Submitted 10 April, 2025;
originally announced April 2025.
-
QUADRO: A Hybrid Quantum Optimization Framework for Drone Delivery
Authors:
James B. Holliday,
Darren Blount,
Hoang Quan Nguyen,
Samee U. Khan,
Khoa Luu
Abstract:
Quantum computing holds transformative potential for optimizing large-scale drone fleet operations, yet its near-term limitations necessitate hybrid approaches blending classical and quantum techniques. This work introduces Quantum Unmanned Aerial Delivery Routing Optimization (QUADRO), a novel hybrid framework addressing the Energy-Constrained Capacitated Unmanned Aerial Vehicle Routing Problem a…
▽ More
Quantum computing holds transformative potential for optimizing large-scale drone fleet operations, yet its near-term limitations necessitate hybrid approaches blending classical and quantum techniques. This work introduces Quantum Unmanned Aerial Delivery Routing Optimization (QUADRO), a novel hybrid framework addressing the Energy-Constrained Capacitated Unmanned Aerial Vehicle Routing Problem and the Unmanned Aerial Vehicle Scheduling Problem. By formulating these challenges as Quadratic Unconstrained Binary Optimization problems, QUADRO leverages the Quantum Approximate Optimization Algorithm for routing and scheduling, enhanced by classical heuristics and post-processing. We minimize total transit time in routing, considering payload and battery constraints, and optimize makespan scheduling across various drone fleets. Evaluated on adapted Augerat benchmarks (16-51 nodes), QUADRO competes against classical and prior hybrid methods, achieving scalable solutions with fewer than one hundred qubits. The proposed results underscore the viability of hybrid quantum-classical strategies for real-world drone logistics, paving the way for quantum-enhanced optimization in the Noisy Intermediate Scale Quantum era.
△ Less
Submitted 31 March, 2025;
originally announced March 2025.
-
AI-Driven Diabetic Retinopathy Diagnosis Enhancement through Image Processing and Salp Swarm Algorithm-Optimized Ensemble Network
Authors:
Saif Ur Rehman Khan,
Muhammad Nabeel Asim,
Sebastian Vollmer,
Andreas Dengel
Abstract:
Diabetic retinopathy is a leading cause of blindness in diabetic patients and early detection plays a crucial role in preventing vision loss. Traditional diagnostic methods are often time-consuming and prone to errors. The emergence of deep learning techniques has provided innovative solutions to improve diagnostic efficiency. However, single deep learning models frequently face issues related to…
▽ More
Diabetic retinopathy is a leading cause of blindness in diabetic patients and early detection plays a crucial role in preventing vision loss. Traditional diagnostic methods are often time-consuming and prone to errors. The emergence of deep learning techniques has provided innovative solutions to improve diagnostic efficiency. However, single deep learning models frequently face issues related to extracting key features from complex retinal images. To handle this problem, we present an effective ensemble method for DR diagnosis comprising four main phases: image pre-processing, selection of backbone pre-trained models, feature enhancement, and optimization. Our methodology initiates with the pre-processing phase, where we apply CLAHE to enhance image contrast and Gamma correction is then used to adjust the brightness for better feature recognition. We then apply Discrete Wavelet Transform (DWT) for image fusion by combining multi-resolution details to create a richer dataset. Then, we selected three pre-trained models with the best performance named DenseNet169, MobileNetV1, and Xception for diverse feature extraction. To further improve feature extraction, an improved residual block is integrated into each model. Finally, the predictions from these base models are then aggregated using weighted ensemble approach, with the weights optimized by using Salp Swarm Algorithm (SSA).SSA intelligently explores the weight space and finds the optimal configuration of base architectures to maximize the performance of the ensemble model. The proposed model is evaluated on the multiclass Kaggle APTOS 2019 dataset and obtained 88.52% accuracy.
△ Less
Submitted 18 March, 2025;
originally announced March 2025.
-
Electrical Load Forecasting over Multihop Smart Metering Networks with Federated Learning
Authors:
Ratun Rahman,
Pablo Moriano,
Samee U. Khan,
Dinh C. Nguyen
Abstract:
Electric load forecasting is essential for power management and stability in smart grids. This is mainly achieved via advanced metering infrastructure, where smart meters (SMs) record household energy data. Traditional machine learning (ML) methods are often employed for load forecasting but require data sharing which raises data privacy concerns. Federated learning (FL) can address this issue by…
▽ More
Electric load forecasting is essential for power management and stability in smart grids. This is mainly achieved via advanced metering infrastructure, where smart meters (SMs) record household energy data. Traditional machine learning (ML) methods are often employed for load forecasting but require data sharing which raises data privacy concerns. Federated learning (FL) can address this issue by running distributed ML models at local SMs without data exchange. However, current FL-based approaches struggle to achieve efficient load forecasting due to imbalanced data distribution across heterogeneous SMs. This paper presents a novel personalized federated learning (PFL) method for high-quality load forecasting in metering networks. A meta-learning-based strategy is developed to address data heterogeneity at local SMs in the collaborative training of local load forecasting models. Moreover, to minimize the load forecasting delays in our PFL model, we study a new latency optimization problem based on optimal resource allocation at SMs. A theoretical convergence analysis is also conducted to provide insights into FL design for federated load forecasting. Extensive simulations from real-world datasets show that our method outperforms existing approaches in terms of better load forecasting and reduced operational latency costs.
△ Less
Submitted 24 February, 2025;
originally announced February 2025.
-
Anomaly Detection for Industrial Applications, Its Challenges, Solutions, and Future Directions: A Review
Authors:
Abdelrahman Alzarooni,
Ehtesham Iqbal,
Samee Ullah Khan,
Sajid Javed,
Brain Moyo,
Yusra Abdulrahman
Abstract:
Anomaly detection from images captured using camera sensors is one of the mainstream applications at the industrial level. Particularly, it maintains the quality and optimizes the efficiency in production processes across diverse industrial tasks, including advanced manufacturing and aerospace engineering. Traditional anomaly detection workflow is based on a manual inspection by human operators, w…
▽ More
Anomaly detection from images captured using camera sensors is one of the mainstream applications at the industrial level. Particularly, it maintains the quality and optimizes the efficiency in production processes across diverse industrial tasks, including advanced manufacturing and aerospace engineering. Traditional anomaly detection workflow is based on a manual inspection by human operators, which is a tedious task. Advances in intelligent automated inspection systems have revolutionized the Industrial Anomaly Detection (IAD) process. Recent vision-based approaches can automatically extract, process, and interpret features using computer vision and align with the goals of automation in industrial operations. In light of the shift in inspection methodologies, this survey reviews studies published since 2019, with a specific focus on vision-based anomaly detection. The components of an IAD pipeline that are overlooked in existing surveys are presented, including areas related to data acquisition, preprocessing, learning mechanisms, and evaluation. In addition to the collected publications, several scientific and industry-related challenges and their perspective solutions are highlighted. Popular and relevant industrial datasets are also summarized, providing further insight into inspection applications. Finally, future directions of vision-based IAD are discussed, offering researchers insight into the state-of-the-art of industrial inspection.
△ Less
Submitted 20 January, 2025;
originally announced January 2025.
-
Can Vision-Language Models Evaluate Handwritten Math?
Authors:
Oikantik Nath,
Hanani Bathina,
Mohammed Safi Ur Rahman Khan,
Mitesh M. Khapra
Abstract:
Recent advancements in Vision-Language Models (VLMs) have opened new possibilities in automatic grading of handwritten student responses, particularly in mathematics. However, a comprehensive study to test the ability of VLMs to evaluate and reason over handwritten content remains absent. To address this gap, we introduce FERMAT, a benchmark designed to assess the ability of VLMs to detect, locali…
▽ More
Recent advancements in Vision-Language Models (VLMs) have opened new possibilities in automatic grading of handwritten student responses, particularly in mathematics. However, a comprehensive study to test the ability of VLMs to evaluate and reason over handwritten content remains absent. To address this gap, we introduce FERMAT, a benchmark designed to assess the ability of VLMs to detect, localize and correct errors in handwritten mathematical content. FERMAT spans four key error dimensions - computational, conceptual, notational, and presentation - and comprises over 2,200 handwritten math solutions derived from 609 manually curated problems from grades 7-12 with intentionally introduced perturbations. Using FERMAT we benchmark nine VLMs across three tasks: error detection, localization, and correction. Our results reveal significant shortcomings in current VLMs in reasoning over handwritten text, with Gemini-1.5-Pro achieving the highest error correction rate (77%). We also observed that some models struggle with processing handwritten content, as their accuracy improves when handwritten inputs are replaced with printed text or images. These findings highlight the limitations of current VLMs and reveal new avenues for improvement. We release FERMAT and all the associated resources in the open-source to drive further research.
△ Less
Submitted 12 March, 2025; v1 submitted 13 January, 2025;
originally announced January 2025.
-
Pralekha: An Indic Document Alignment Evaluation Benchmark
Authors:
Sanjay Suryanarayanan,
Haiyue Song,
Mohammed Safi Ur Rahman Khan,
Anoop Kunchukuttan,
Mitesh M. Khapra,
Raj Dabre
Abstract:
Mining parallel document pairs poses a significant challenge because existing sentence embedding models often have limited context windows, preventing them from effectively capturing document-level information. Another overlooked issue is the lack of concrete evaluation benchmarks comprising high-quality parallel document pairs for assessing document-level mining approaches, particularly for Indic…
▽ More
Mining parallel document pairs poses a significant challenge because existing sentence embedding models often have limited context windows, preventing them from effectively capturing document-level information. Another overlooked issue is the lack of concrete evaluation benchmarks comprising high-quality parallel document pairs for assessing document-level mining approaches, particularly for Indic languages. In this study, we introduce Pralekha, a large-scale benchmark for document-level alignment evaluation. Pralekha includes over 2 million documents, with a 1:2 ratio of unaligned to aligned pairs, covering 11 Indic languages and English. Using Pralekha, we evaluate various document-level mining approaches across three dimensions: the embedding models, the granularity levels, and the alignment algorithm. To address the challenge of aligning documents using sentence and chunk-level alignments, we propose a novel scoring method, Document Alignment Coefficient (DAC). DAC demonstrates substantial improvements over baseline pooling approaches, particularly in noisy scenarios, achieving average gains of 20-30% in precision and 15-20% in F1 score. These results highlight DAC's effectiveness in parallel document mining for Indic languages.
△ Less
Submitted 28 November, 2024;
originally announced November 2024.
-
Quantum-Brain: Quantum-Inspired Neural Network Approach to Vision-Brain Understanding
Authors:
Hoang-Quan Nguyen,
Xuan-Bac Nguyen,
Hugh Churchill,
Arabinda Kumar Choudhary,
Pawan Sinha,
Samee U. Khan,
Khoa Luu
Abstract:
Vision-brain understanding aims to extract semantic information about brain signals from human perceptions. Existing deep learning methods for vision-brain understanding are usually introduced in a traditional learning paradigm missing the ability to learn the connectivities between brain regions. Meanwhile, the quantum computing theory offers a new paradigm for designing deep learning models. Mot…
▽ More
Vision-brain understanding aims to extract semantic information about brain signals from human perceptions. Existing deep learning methods for vision-brain understanding are usually introduced in a traditional learning paradigm missing the ability to learn the connectivities between brain regions. Meanwhile, the quantum computing theory offers a new paradigm for designing deep learning models. Motivated by the connectivities in the brain signals and the entanglement properties in quantum computing, we propose a novel Quantum-Brain approach, a quantum-inspired neural network, to tackle the vision-brain understanding problem. To compute the connectivity between areas in brain signals, we introduce a new Quantum-Inspired Voxel-Controlling module to learn the impact of a brain voxel on others represented in the Hilbert space. To effectively learn connectivity, a novel Phase-Shifting module is presented to calibrate the value of the brain signals. Finally, we introduce a new Measurement-like Projection module to present the connectivity information from the Hilbert space into the feature space. The proposed approach can learn to find the connectivities between fMRI voxels and enhance the semantic information obtained from human perceptions. Our experimental results on the Natural Scene Dataset benchmarks illustrate the effectiveness of the proposed method with Top-1 accuracies of 95.1% and 95.6% on image and brain retrieval tasks and an Inception score of 95.3% on fMRI-to-image reconstruction task. Our proposed quantum-inspired network brings a potential paradigm to solving the vision-brain problems via the quantum computing theory.
△ Less
Submitted 20 November, 2024;
originally announced November 2024.
-
Towards Building Large Scale Datasets and State-of-the-Art Automatic Speech Translation Systems for 14 Indian Languages
Authors:
Ashwin Sankar,
Sparsh Jain,
Nikhil Narasimhan,
Devilal Choudhary,
Dhairya Suman,
Mohammed Safi Ur Rahman Khan,
Anoop Kunchukuttan,
Mitesh M Khapra,
Raj Dabre
Abstract:
Speech translation for Indian languages remains a challenging task due to the scarcity of large-scale, publicly available datasets that capture the linguistic diversity and domain coverage essential for real-world applications. Existing datasets cover a fraction of Indian languages and lack the breadth needed to train robust models that generalize beyond curated benchmarks. To bridge this gap, we…
▽ More
Speech translation for Indian languages remains a challenging task due to the scarcity of large-scale, publicly available datasets that capture the linguistic diversity and domain coverage essential for real-world applications. Existing datasets cover a fraction of Indian languages and lack the breadth needed to train robust models that generalize beyond curated benchmarks. To bridge this gap, we introduce BhasaAnuvaad, the largest speech translation dataset for Indian languages, spanning over 44 thousand hours of audio and 17 million aligned text segments across 14 Indian languages and English. Our dataset is built through a threefold methodology: (a) aggregating high-quality existing sources, (b) large-scale web crawling to ensure linguistic and domain diversity, and (c) creating synthetic data to model real-world speech disfluencies. Leveraging BhasaAnuvaad, we train IndicSeamless, a state-of-the-art speech translation model for Indian languages that performs better than existing models. Our experiments demonstrate improvements in the translation quality, setting a new standard for Indian language speech translation. We will release all the code, data and model weights in the open-source, with permissive licenses to promote accessibility and collaboration.
△ Less
Submitted 31 May, 2025; v1 submitted 7 November, 2024;
originally announced November 2024.
-
MILU: A Multi-task Indic Language Understanding Benchmark
Authors:
Sshubam Verma,
Mohammed Safi Ur Rahman Khan,
Vishwajeet Kumar,
Rudra Murthy,
Jaydeep Sen
Abstract:
Evaluating Large Language Models (LLMs) in low-resource and linguistically diverse languages remains a significant challenge in NLP, particularly for languages using non-Latin scripts like those spoken in India. Existing benchmarks predominantly focus on English, leaving substantial gaps in assessing LLM capabilities in these languages. We introduce MILU, a Multi task Indic Language Understanding…
▽ More
Evaluating Large Language Models (LLMs) in low-resource and linguistically diverse languages remains a significant challenge in NLP, particularly for languages using non-Latin scripts like those spoken in India. Existing benchmarks predominantly focus on English, leaving substantial gaps in assessing LLM capabilities in these languages. We introduce MILU, a Multi task Indic Language Understanding Benchmark, a comprehensive evaluation benchmark designed to address this gap. MILU spans 8 domains and 41 subjects across 11 Indic languages, reflecting both general and culturally specific knowledge. With an India-centric design, incorporates material from regional and state-level examinations, covering topics such as local history, arts, festivals, and laws, alongside standard subjects like science and mathematics. We evaluate over 42 LLMs, and find that current LLMs struggle with MILU, with GPT-4o achieving the highest average accuracy at 74 percent. Open multilingual models outperform language-specific fine-tuned models, which perform only slightly better than random baselines. Models also perform better in high resource languages as compared to low resource ones. Domain-wise analysis indicates that models perform poorly in culturally relevant areas like Arts and Humanities, Law and Governance compared to general fields like STEM. To the best of our knowledge, MILU is the first of its kind benchmark focused on Indic languages, serving as a crucial step towards comprehensive cultural evaluation. All code, benchmarks, and artifacts are publicly available to foster open research.
△ Less
Submitted 4 February, 2025; v1 submitted 4 November, 2024;
originally announced November 2024.
-
Cross-Lingual Auto Evaluation for Assessing Multilingual LLMs
Authors:
Sumanth Doddapaneni,
Mohammed Safi Ur Rahman Khan,
Dilip Venkatesh,
Raj Dabre,
Anoop Kunchukuttan,
Mitesh M. Khapra
Abstract:
Evaluating machine-generated text remains a significant challenge in NLP, especially for non-English languages. Current methodologies, including automated metrics, human assessments, and LLM-based evaluations, predominantly focus on English, revealing a significant gap in multilingual evaluation frameworks. We introduce the Cross Lingual Auto Evaluation (CIA) Suite, an extensible framework that in…
▽ More
Evaluating machine-generated text remains a significant challenge in NLP, especially for non-English languages. Current methodologies, including automated metrics, human assessments, and LLM-based evaluations, predominantly focus on English, revealing a significant gap in multilingual evaluation frameworks. We introduce the Cross Lingual Auto Evaluation (CIA) Suite, an extensible framework that includes evaluator LLMs (Hercule) and a novel test set (Recon) specifically designed for multilingual evaluation. Our test set features 500 human-annotated instructions spanning various task capabilities along with human judgment scores across six languages. This would enable benchmarking of general-purpose multilingual LLMs and facilitate meta-evaluation of Evaluator LLMs. The proposed model, Hercule, is a cross-lingual evaluation model that addresses the scarcity of reference answers in the target language by learning to assign scores to responses based on easily available reference answers in English. Our experiments demonstrate that Hercule aligns more closely with human judgments compared to proprietary models, demonstrating the effectiveness of such cross-lingual evaluation in low resource scenarios. Further, it is also effective in zero-shot evaluation on unseen languages. This study is the first comprehensive examination of cross-lingual evaluation using LLMs, presenting a scalable and effective approach for multilingual assessment. All code, datasets, and models will be publicly available to enable further research in this important area.
△ Less
Submitted 17 October, 2024;
originally announced October 2024.
-
Continual Human Pose Estimation for Incremental Integration of Keypoints and Pose Variations
Authors:
Muhammad Saif Ullah Khan,
Muhammad Ahmed Ullah Khan,
Muhammad Zeshan Afzal,
Didier Stricker
Abstract:
This paper reformulates cross-dataset human pose estimation as a continual learning task, aiming to integrate new keypoints and pose variations into existing models without losing accuracy on previously learned datasets. We benchmark this formulation against established regularization-based methods for mitigating catastrophic forgetting, including EWC, LFL, and LwF. Moreover, we propose a novel re…
▽ More
This paper reformulates cross-dataset human pose estimation as a continual learning task, aiming to integrate new keypoints and pose variations into existing models without losing accuracy on previously learned datasets. We benchmark this formulation against established regularization-based methods for mitigating catastrophic forgetting, including EWC, LFL, and LwF. Moreover, we propose a novel regularization method called Importance-Weighted Distillation (IWD), which enhances conventional LwF by introducing a layer-wise distillation penalty and dynamic temperature adjustment based on layer importance for previously learned knowledge. This allows for a controlled adaptation to new tasks that respects the stability-plasticity balance critical in continual learning. Through extensive experiments across three datasets, we demonstrate that our approach outperforms existing regularization-based continual learning strategies. IWD shows an average improvement of 3.60\% over the state-of-the-art LwF method. The results highlight the potential of our method to serve as a robust framework for real-world applications where models must evolve with new data without forgetting past knowledge.
△ Less
Submitted 30 September, 2024;
originally announced September 2024.
-
Classroom-Inspired Multi-Mentor Distillation with Adaptive Learning Strategies
Authors:
Shalini Sarode,
Muhammad Saif Ullah Khan,
Tahira Shehzadi,
Didier Stricker,
Muhammad Zeshan Afzal
Abstract:
We propose ClassroomKD, a novel multi-mentor knowledge distillation framework inspired by classroom environments to enhance knowledge transfer between the student and multiple mentors with different knowledge levels. Unlike traditional methods that rely on fixed mentor-student relationships, our framework dynamically selects and adapts the teaching strategies of diverse mentors based on their effe…
▽ More
We propose ClassroomKD, a novel multi-mentor knowledge distillation framework inspired by classroom environments to enhance knowledge transfer between the student and multiple mentors with different knowledge levels. Unlike traditional methods that rely on fixed mentor-student relationships, our framework dynamically selects and adapts the teaching strategies of diverse mentors based on their effectiveness for each data sample. ClassroomKD comprises two main modules: the Knowledge Filtering (KF) module and the Mentoring module. The KF Module dynamically ranks mentors based on their performance for each input, activating only high-quality mentors to minimize error accumulation and prevent information loss. The Mentoring Module adjusts the distillation strategy by tuning each mentor's influence according to the dynamic performance gap between the student and mentors, effectively modulating the learning pace. Extensive experiments on image classification (CIFAR-100 and ImageNet) and 2D human pose estimation (COCO Keypoints and MPII Human Pose) demonstrate that ClassroomKD outperforms existing knowledge distillation methods for different network architectures. Our results highlight that a dynamic and adaptive approach to mentor selection and guidance leads to more effective knowledge transfer, paving the way for enhanced model performance through distillation.
△ Less
Submitted 17 March, 2025; v1 submitted 30 September, 2024;
originally announced September 2024.
-
Hierarchical Quantum Control Gates for Functional MRI Understanding
Authors:
Xuan-Bac Nguyen,
Hoang-Quan Nguyen,
Hugh Churchill,
Samee U. Khan,
Khoa Luu
Abstract:
Quantum computing has emerged as a powerful tool for solving complex problems intractable for classical computers, particularly in popular fields such as cryptography, optimization, and neurocomputing. In this paper, we present a new quantum-based approach named the Hierarchical Quantum Control Gates (HQCG) method for efficient understanding of Functional Magnetic Resonance Imaging (fMRI) data. Th…
▽ More
Quantum computing has emerged as a powerful tool for solving complex problems intractable for classical computers, particularly in popular fields such as cryptography, optimization, and neurocomputing. In this paper, we present a new quantum-based approach named the Hierarchical Quantum Control Gates (HQCG) method for efficient understanding of Functional Magnetic Resonance Imaging (fMRI) data. This approach includes two novel modules: the Local Quantum Control Gate (LQCG) and the Global Quantum Control Gate (GQCG), which are designed to extract local and global features of fMRI signals, respectively. Our method operates end-to-end on a quantum machine, leveraging quantum mechanics to learn patterns within extremely high-dimensional fMRI signals, such as 30,000 samples which is a challenge for classical computers. Empirical results demonstrate that our approach significantly outperforms classical methods. Additionally, we found that the proposed quantum model is more stable and less prone to overfitting than the classical methods.
△ Less
Submitted 22 September, 2024; v1 submitted 7 August, 2024;
originally announced August 2024.
-
Shape2.5D: A Dataset of Texture-less Surfaces for Depth and Normals Estimation
Authors:
Muhammad Saif Ullah Khan,
Sankalp Sinha,
Didier Stricker,
Marcus Liwicki,
Muhammad Zeshan Afzal
Abstract:
Reconstructing texture-less surfaces poses unique challenges in computer vision, primarily due to the lack of specialized datasets that cater to the nuanced needs of depth and normals estimation in the absence of textural information. We introduce "Shape2.5D," a novel, large-scale dataset designed to address this gap. Comprising 1.17 million frames spanning over 39,772 3D models and 48 unique obje…
▽ More
Reconstructing texture-less surfaces poses unique challenges in computer vision, primarily due to the lack of specialized datasets that cater to the nuanced needs of depth and normals estimation in the absence of textural information. We introduce "Shape2.5D," a novel, large-scale dataset designed to address this gap. Comprising 1.17 million frames spanning over 39,772 3D models and 48 unique objects, our dataset provides depth and surface normal maps for texture-less object reconstruction. The proposed dataset includes synthetic images rendered with 3D modeling software to simulate various lighting conditions and viewing angles. It also includes a real-world subset comprising 4,672 frames captured with a depth camera. Our comprehensive benchmarks demonstrate the dataset's ability to support the development of algorithms that robustly estimate depth and normals from RGB images and perform voxel reconstruction. Our open-source data generation pipeline allows the dataset to be extended and adapted for future research. The dataset is publicly available at https://github.com/saifkhichi96/Shape25D.
△ Less
Submitted 5 November, 2024; v1 submitted 22 June, 2024;
originally announced June 2024.
-
Enhanced Bank Check Security: Introducing a Novel Dataset and Transformer-Based Approach for Detection and Verification
Authors:
Muhammad Saif Ullah Khan,
Tahira Shehzadi,
Rabeya Noor,
Didier Stricker,
Muhammad Zeshan Afzal
Abstract:
Automated signature verification on bank checks is critical for fraud prevention and ensuring transaction authenticity. This task is challenging due to the coexistence of signatures with other textual and graphical elements on real-world documents. Verification systems must first detect the signature and then validate its authenticity, a dual challenge often overlooked by current datasets and meth…
▽ More
Automated signature verification on bank checks is critical for fraud prevention and ensuring transaction authenticity. This task is challenging due to the coexistence of signatures with other textual and graphical elements on real-world documents. Verification systems must first detect the signature and then validate its authenticity, a dual challenge often overlooked by current datasets and methodologies focusing only on verification. To address this gap, we introduce a novel dataset specifically designed for signature verification on bank checks. This dataset includes a variety of signature styles embedded within typical check elements, providing a realistic testing ground for advanced detection methods. Moreover, we propose a novel approach for writer-independent signature verification using an object detection network. Our detection-based verification method treats genuine and forged signatures as distinct classes within an object detection framework, effectively handling both detection and verification. We employ a DINO-based network augmented with a dilation module to detect and verify signatures on check images simultaneously. Our approach achieves an AP of 99.2 for genuine and 99.4 for forged signatures, a significant improvement over the DINO baseline, which scored 93.1 and 89.3 for genuine and forged signatures, respectively. This improvement highlights our dilation module's effectiveness in reducing both false positives and negatives. Our results demonstrate substantial advancements in detection-based signature verification technology, offering enhanced security and efficiency in financial document processing.
△ Less
Submitted 20 June, 2024;
originally announced June 2024.
-
Finding Blind Spots in Evaluator LLMs with Interpretable Checklists
Authors:
Sumanth Doddapaneni,
Mohammed Safi Ur Rahman Khan,
Sshubam Verma,
Mitesh M. Khapra
Abstract:
Large Language Models (LLMs) are increasingly relied upon to evaluate text outputs of other LLMs, thereby influencing leaderboards and development decisions. However, concerns persist over the accuracy of these assessments and the potential for misleading conclusions. In this work, we investigate the effectiveness of LLMs as evaluators for text generation tasks. We propose FBI, a novel framework d…
▽ More
Large Language Models (LLMs) are increasingly relied upon to evaluate text outputs of other LLMs, thereby influencing leaderboards and development decisions. However, concerns persist over the accuracy of these assessments and the potential for misleading conclusions. In this work, we investigate the effectiveness of LLMs as evaluators for text generation tasks. We propose FBI, a novel framework designed to examine the proficiency of Evaluator LLMs in assessing four critical abilities in other LLMs: factual accuracy, instruction following, coherence in long-form writing, and reasoning proficiency. By introducing targeted perturbations in answers generated by LLMs, that clearly impact one of these key capabilities, we test whether an Evaluator LLM can detect these quality drops. By creating a total of 2400 perturbed answers covering 22 perturbation categories, we conduct a comprehensive study using different evaluation strategies on five prominent LLMs commonly used as evaluators in the literature. Our findings reveal significant shortcomings in current Evaluator LLMs, which failed to identify quality drops in over 50\% of cases on average. Single-answer and pairwise evaluations demonstrated notable limitations, whereas reference-based evaluations showed comparatively better performance. These results underscore the unreliable nature of current Evaluator LLMs and advocate for cautious implementation in practical applications. Code and data are available at https://github.com/AI4Bharat/FBI.
△ Less
Submitted 26 November, 2024; v1 submitted 19 June, 2024;
originally announced June 2024.
-
SituationalLLM: Proactive language models with scene awareness for dynamic, contextual task guidance
Authors:
Muhammad Saif Ullah Khan,
Muhammad Zeshan Afzal,
Didier Stricker
Abstract:
Large language models (LLMs) have achieved remarkable success in text-based tasks but often struggle to provide actionable guidance in real-world physical environments. This is because of their inability to recognize their limited understanding of the user's physical context. We present SituationalLLM, a novel approach that integrates structured scene information into an LLM to deliver proactive,…
▽ More
Large language models (LLMs) have achieved remarkable success in text-based tasks but often struggle to provide actionable guidance in real-world physical environments. This is because of their inability to recognize their limited understanding of the user's physical context. We present SituationalLLM, a novel approach that integrates structured scene information into an LLM to deliver proactive, context-aware assistance. By encoding objects, attributes, and relationships in a custom Scene Graph Language, SituationalLLM actively identifies gaps in environmental context and seeks clarifications during user interactions. This behavior emerges from training on the Situational Awareness Database for Instruct-Tuning (SAD-Instruct), which combines diverse, scenario-specific scene graphs with iterative, dialogue-based refinements. Experimental results indicate that SituationalLLM outperforms generic LLM baselines in task specificity, reliability, and adaptability, paving the way for environment-aware AI assistants capable of delivering robust, user-centric guidance under real-world constraints.
△ Less
Submitted 31 January, 2025; v1 submitted 19 June, 2024;
originally announced June 2024.
-
Diffusion-Inspired Quantum Noise Mitigation in Parameterized Quantum Circuits
Authors:
Hoang-Quan Nguyen,
Xuan Bac Nguyen,
Samuel Yen-Chi Chen,
Hugh Churchill,
Nicholas Borys,
Samee U. Khan,
Khoa Luu
Abstract:
Parameterized Quantum Circuits (PQCs) have been acknowledged as a leading strategy to utilize near-term quantum advantages in multiple problems, including machine learning and combinatorial optimization. When applied to specific tasks, the parameters in the quantum circuits are trained to minimize the target function. Although there have been comprehensive studies to improve the performance of the…
▽ More
Parameterized Quantum Circuits (PQCs) have been acknowledged as a leading strategy to utilize near-term quantum advantages in multiple problems, including machine learning and combinatorial optimization. When applied to specific tasks, the parameters in the quantum circuits are trained to minimize the target function. Although there have been comprehensive studies to improve the performance of the PQCs on practical tasks, the errors caused by the quantum noise downgrade the performance when running on real quantum computers. In particular, when the quantum state is transformed through multiple quantum circuit layers, the effect of the quantum noise happens cumulatively and becomes closer to the maximally mixed state or complete noise. This paper studies the relationship between the quantum noise and the diffusion model. Then, we propose a novel diffusion-inspired learning approach to mitigate the quantum noise in the PQCs and reduce the error for specific tasks. Through our experiments, we illustrate the efficiency of the learning strategy and achieve state-of-the-art performance on classification tasks in the quantum noise scenarios.
△ Less
Submitted 22 February, 2025; v1 submitted 2 June, 2024;
originally announced June 2024.
-
Estimating Human Poses Across Datasets: A Unified Skeleton and Multi-Teacher Distillation Approach
Authors:
Muhammad Saif Ullah Khan,
Dhavalkumar Limbachiya,
Didier Stricker,
Muhammad Zeshan Afzal
Abstract:
Human pose estimation is a key task in computer vision with various applications such as activity recognition and interactive systems. However, the lack of consistency in the annotated skeletons across different datasets poses challenges in developing universally applicable models. To address this challenge, we propose a novel approach integrating multi-teacher knowledge distillation with a unifie…
▽ More
Human pose estimation is a key task in computer vision with various applications such as activity recognition and interactive systems. However, the lack of consistency in the annotated skeletons across different datasets poses challenges in developing universally applicable models. To address this challenge, we propose a novel approach integrating multi-teacher knowledge distillation with a unified skeleton representation. Our networks are jointly trained on the COCO and MPII datasets, containing 17 and 16 keypoints, respectively. We demonstrate enhanced adaptability by predicting an extended set of 21 keypoints, 4 (COCO) and 5 (MPII) more than original annotations, improving cross-dataset generalization. Our joint models achieved an average accuracy of 70.89 and 76.40, compared to 53.79 and 55.78 when trained on a single dataset and evaluated on both. Moreover, we also evaluate all 21 predicted points by our two models by reporting an AP of 66.84 and 72.75 on the Halpe dataset. This highlights the potential of our technique to address one of the most pressing challenges in pose estimation research and application - the inconsistency in skeletal annotations.
△ Less
Submitted 30 May, 2024;
originally announced May 2024.
-
Quantum Visual Feature Encoding Revisited
Authors:
Xuan-Bac Nguyen,
Hoang-Quan Nguyen,
Hugh Churchill,
Samee U. Khan,
Khoa Luu
Abstract:
Although quantum machine learning has been introduced for a while, its applications in computer vision are still limited. This paper, therefore, revisits the quantum visual encoding strategies, the initial step in quantum machine learning. Investigating the root cause, we uncover that the existing quantum encoding design fails to ensure information preservation of the visual features after the enc…
▽ More
Although quantum machine learning has been introduced for a while, its applications in computer vision are still limited. This paper, therefore, revisits the quantum visual encoding strategies, the initial step in quantum machine learning. Investigating the root cause, we uncover that the existing quantum encoding design fails to ensure information preservation of the visual features after the encoding process, thus complicating the learning process of the quantum machine learning models. In particular, the problem, termed "Quantum Information Gap" (QIG), leads to a gap of information between classical and corresponding quantum features. We provide theoretical proof and practical demonstrations of that found and underscore the significance of QIG, as it directly impacts the performance of quantum machine learning algorithms. To tackle this challenge, we introduce a simple but efficient new loss function named Quantum Information Preserving (QIP) to minimize this gap, resulting in enhanced performance of quantum machine learning algorithms. Extensive experiments validate the effectiveness of our approach, showcasing superior performance compared to current methodologies and consistently achieving state-of-the-art results in quantum modeling.
△ Less
Submitted 20 August, 2024; v1 submitted 30 May, 2024;
originally announced May 2024.
-
QClusformer: A Quantum Transformer-based Framework for Unsupervised Visual Clustering
Authors:
Xuan-Bac Nguyen,
Hoang-Quan Nguyen,
Samuel Yen-Chi Chen,
Samee U. Khan,
Hugh Churchill,
Khoa Luu
Abstract:
Unsupervised vision clustering, a cornerstone in computer vision, has been studied for decades, yielding significant outcomes across numerous vision tasks. However, these algorithms involve substantial computational demands when confronted with vast amounts of unlabeled data. Conversely, quantum computing holds promise in expediting unsupervised algorithms when handling large-scale databases. In t…
▽ More
Unsupervised vision clustering, a cornerstone in computer vision, has been studied for decades, yielding significant outcomes across numerous vision tasks. However, these algorithms involve substantial computational demands when confronted with vast amounts of unlabeled data. Conversely, quantum computing holds promise in expediting unsupervised algorithms when handling large-scale databases. In this study, we introduce QClusformer, a pioneering Transformer-based framework leveraging quantum machines to tackle unsupervised vision clustering challenges. Specifically, we design the Transformer architecture, including the self-attention module and transformer blocks, from a quantum perspective to enable execution on quantum hardware. In addition, we present QClusformer, a variant based on the Transformer architecture, tailored for unsupervised vision clustering tasks. By integrating these elements into an end-to-end framework, QClusformer consistently outperforms previous methods running on classical computers. Empirical evaluations across diverse benchmarks, including MS-Celeb-1M and DeepFashion, underscore the superior performance of QClusformer compared to state-of-the-art methods.
△ Less
Submitted 7 August, 2024; v1 submitted 30 May, 2024;
originally announced May 2024.
-
BRACTIVE: A Brain Activation Approach to Human Visual Brain Learning
Authors:
Xuan-Bac Nguyen,
Hojin Jang,
Xin Li,
Samee U. Khan,
Pawan Sinha,
Khoa Luu
Abstract:
The human brain is a highly efficient processing unit, and understanding how it works can inspire new algorithms and architectures in machine learning. In this work, we introduce a novel framework named Brain Activation Network (BRACTIVE), a transformer-based approach to studying the human visual brain. The main objective of BRACTIVE is to align the visual features of subjects with corresponding b…
▽ More
The human brain is a highly efficient processing unit, and understanding how it works can inspire new algorithms and architectures in machine learning. In this work, we introduce a novel framework named Brain Activation Network (BRACTIVE), a transformer-based approach to studying the human visual brain. The main objective of BRACTIVE is to align the visual features of subjects with corresponding brain representations via fMRI signals. It allows us to identify the brain's Regions of Interest (ROI) of the subjects. Unlike previous brain research methods, which can only identify ROIs for one subject at a time and are limited by the number of subjects, BRACTIVE automatically extends this identification to multiple subjects and ROIs. Our experiments demonstrate that BRACTIVE effectively identifies person-specific regions of interest, such as face and body-selective areas, aligning with neuroscience findings and indicating potential applicability to various object categories. More importantly, we found that leveraging human visual brain activity to guide deep neural networks enhances performance across various benchmarks. It encourages the potential of BRACTIVE in both neuroscience and machine intelligence studies.
△ Less
Submitted 26 November, 2024; v1 submitted 29 May, 2024;
originally announced May 2024.
-
CICA: Content-Injected Contrastive Alignment for Zero-Shot Document Image Classification
Authors:
Sankalp Sinha,
Muhammad Saif Ullah Khan,
Talha Uddin Sheikh,
Didier Stricker,
Muhammad Zeshan Afzal
Abstract:
Zero-shot learning has been extensively investigated in the broader field of visual recognition, attracting significant interest recently. However, the current work on zero-shot learning in document image classification remains scarce. The existing studies either focus exclusively on zero-shot inference, or their evaluation does not align with the established criteria of zero-shot evaluation in th…
▽ More
Zero-shot learning has been extensively investigated in the broader field of visual recognition, attracting significant interest recently. However, the current work on zero-shot learning in document image classification remains scarce. The existing studies either focus exclusively on zero-shot inference, or their evaluation does not align with the established criteria of zero-shot evaluation in the visual recognition domain. We provide a comprehensive document image classification analysis in Zero-Shot Learning (ZSL) and Generalized Zero-Shot Learning (GZSL) settings to address this gap. Our methodology and evaluation align with the established practices of this domain. Additionally, we propose zero-shot splits for the RVL-CDIP dataset. Furthermore, we introduce CICA (pronounced 'ki-ka'), a framework that enhances the zero-shot learning capabilities of CLIP. CICA consists of a novel 'content module' designed to leverage any generic document-related textual information. The discriminative features extracted by this module are aligned with CLIP's text and image features using a novel 'coupled-contrastive' loss. Our module improves CLIP's ZSL top-1 accuracy by 6.7% and GZSL harmonic mean by 24% on the RVL-CDIP dataset. Our module is lightweight and adds only 3.3% more parameters to CLIP. Our work sets the direction for future research in zero-shot document classification.
△ Less
Submitted 6 May, 2024;
originally announced May 2024.
-
Space Physiology and Technology: Musculoskeletal Adaptations, Countermeasures, and Opportunities for Wearable Systems
Authors:
Shamas Ul Ebad Khan,
Rejin John Varghese,
Panagiotis Kassanos,
Dario Farina,
Etienne Burdet
Abstract:
Space poses significant challenges for humans, leading to physiological adaptations in response to an environment vastly different from Earth. A comprehensive understanding of these physiological adaptations is needed to devise effective countermeasures to support human life in space. This narrative review first focuses on the impact of the environment in space on the musculoskeletal system. It hi…
▽ More
Space poses significant challenges for humans, leading to physiological adaptations in response to an environment vastly different from Earth. A comprehensive understanding of these physiological adaptations is needed to devise effective countermeasures to support human life in space. This narrative review first focuses on the impact of the environment in space on the musculoskeletal system. It highlights the complex interplay between bone and muscle adaptations and their implications on astronaut health.
Despite advances in current countermeasures, such as resistive exercise and pharmacological interventions, they remain partially effective, bulky, and resource-intensive, posing challenges for future missions aboard compact spacecraft. This review proposes wearable sensing and robotic technology as a promising alternative to overcome these limitations. Wearable systems, such as sensor-integrated suits and (soft) exoskeletons, can provide real-time monitoring, dynamic loading, and exercise protocols tailored to individual needs. These systems are lightweight, modular, and capable of operating in confined environments, making them ideal for long-duration missions.
In addition to space applications, wearable technologies hold significant promise for terrestrial uses, supporting rehabilitation and assistance for the ageing population, individuals with musculoskeletal disorders, and enhance physical performance in healthy users. By integrating advanced materials, sensors and actuators, and intelligent and energy-efficient control, these technologies can bridge gaps in current countermeasures while offering broader applications on Earth.
△ Less
Submitted 6 January, 2025; v1 submitted 4 April, 2024;
originally announced April 2024.
-
Human Pose Descriptions and Subject-Focused Attention for Improved Zero-Shot Transfer in Human-Centric Classification Tasks
Authors:
Muhammad Saif Ullah Khan,
Muhammad Ferjad Naeem,
Federico Tombari,
Luc Van Gool,
Didier Stricker,
Muhammad Zeshan Afzal
Abstract:
We present a novel LLM-based pipeline for creating contextual descriptions of human body poses in images using only auxiliary attributes. This approach facilitates the creation of the MPII Pose Descriptions dataset, which includes natural language annotations for 17,367 images containing people engaged in 410 distinct activities. We demonstrate the effectiveness of our pose descriptions in enablin…
▽ More
We present a novel LLM-based pipeline for creating contextual descriptions of human body poses in images using only auxiliary attributes. This approach facilitates the creation of the MPII Pose Descriptions dataset, which includes natural language annotations for 17,367 images containing people engaged in 410 distinct activities. We demonstrate the effectiveness of our pose descriptions in enabling zero-shot human-centric classification using CLIP. Moreover, we introduce the FocusCLIP framework, which incorporates Subject-Focused Attention (SFA) in CLIP for improved text-to-image alignment. Our models were pretrained on the MPII Pose Descriptions dataset and their zero-shot performance was evaluated on five unseen datasets covering three tasks. FocusCLIP outperformed the baseline CLIP model, achieving an average accuracy increase of 8.61\% (33.65\% compared to CLIP's 25.04\%). Notably, our approach yielded improvements of 3.98\% in activity recognition, 14.78\% in age classification, and 7.06\% in emotion recognition. These results highlight the potential of integrating detailed pose descriptions and subject-level guidance into general pretraining frameworks for enhanced performance in downstream tasks.
△ Less
Submitted 28 October, 2024; v1 submitted 11 March, 2024;
originally announced March 2024.
-
IndicLLMSuite: A Blueprint for Creating Pre-training and Fine-Tuning Datasets for Indian Languages
Authors:
Mohammed Safi Ur Rahman Khan,
Priyam Mehta,
Ananth Sankar,
Umashankar Kumaravelan,
Sumanth Doddapaneni,
Suriyaprasaad B,
Varun Balan G,
Sparsh Jain,
Anoop Kunchukuttan,
Pratyush Kumar,
Raj Dabre,
Mitesh M. Khapra
Abstract:
Despite the considerable advancements in English LLMs, the progress in building comparable models for other languages has been hindered due to the scarcity of tailored resources. Our work aims to bridge this divide by introducing an expansive suite of resources specifically designed for the development of Indic LLMs, covering 22 languages, containing a total of 251B tokens and 74.8M instruction-re…
▽ More
Despite the considerable advancements in English LLMs, the progress in building comparable models for other languages has been hindered due to the scarcity of tailored resources. Our work aims to bridge this divide by introducing an expansive suite of resources specifically designed for the development of Indic LLMs, covering 22 languages, containing a total of 251B tokens and 74.8M instruction-response pairs. Recognizing the importance of both data quality and quantity, our approach combines highly curated manually verified data, unverified yet valuable data, and synthetic data. We build a clean, open-source pipeline for curating pre-training data from diverse sources, including websites, PDFs, and videos, incorporating best practices for crawling, cleaning, flagging, and deduplication. For instruction-fine tuning, we amalgamate existing Indic datasets, translate/transliterate English datasets into Indian languages, and utilize LLaMa2 and Mixtral models to create conversations grounded in articles from Indian Wikipedia and Wikihow. Additionally, we address toxicity alignment by generating toxic prompts for multiple scenarios and then generate non-toxic responses by feeding these toxic prompts to an aligned LLaMa2 model. We hope that the datasets, tools, and resources released as a part of this work will not only propel the research and development of Indic LLMs but also establish an open-source blueprint for extending such efforts to other languages. The data and other artifacts created as part of this work are released with permissive licenses.
△ Less
Submitted 28 November, 2024; v1 submitted 10 March, 2024;
originally announced March 2024.
-
Personality Trait Recognition using ECG Spectrograms and Deep Learning
Authors:
Muhammad Mohsin Altaf,
Saadat Ullah Khan,
Muhammad Majd,
Syed Muhammad Anwar
Abstract:
This paper presents an innovative approach to recognizing personality traits using deep learning (DL) methods applied to electrocardiogram (ECG) signals. Within the framework of detecting the big five personality traits model encompassing extra-version, neuroticism, agreeableness, conscientiousness, and openness, the research explores the potential of ECG-derived spectrograms as informative featur…
▽ More
This paper presents an innovative approach to recognizing personality traits using deep learning (DL) methods applied to electrocardiogram (ECG) signals. Within the framework of detecting the big five personality traits model encompassing extra-version, neuroticism, agreeableness, conscientiousness, and openness, the research explores the potential of ECG-derived spectrograms as informative features. Optimal window sizes for spectrogram generation are determined, and a convolutional neural network (CNN), specifically Resnet-18, and visual transformer (ViT) are employed for feature extraction and personality trait classification. The study utilizes the publicly available ASCERTAIN dataset, which comprises various physiological signals, including ECG recordings, collected from 58 participants during the presentation of video stimuli categorized by valence and arousal levels. The outcomes of this study demonstrate noteworthy performance in personality trait classification, consistently achieving F1-scores exceeding 0.9 across different window sizes and personality traits. These results emphasize the viability of ECG signal spectrograms as a valuable modality for personality trait recognition, with Resnet-18 exhibiting effectiveness in discerning distinct personality traits.
△ Less
Submitted 6 February, 2024;
originally announced February 2024.
-
Airavata: Introducing Hindi Instruction-tuned LLM
Authors:
Jay Gala,
Thanmay Jayakumar,
Jaavid Aktar Husain,
Aswanth Kumar M,
Mohammed Safi Ur Rahman Khan,
Diptesh Kanojia,
Ratish Puduppully,
Mitesh M. Khapra,
Raj Dabre,
Rudra Murthy,
Anoop Kunchukuttan
Abstract:
We announce the initial release of "Airavata," an instruction-tuned LLM for Hindi. Airavata was created by fine-tuning OpenHathi with diverse, instruction-tuning Hindi datasets to make it better suited for assistive tasks. Along with the model, we also share the IndicInstruct dataset, which is a collection of diverse instruction-tuning datasets to enable further research for Indic LLMs. Additional…
▽ More
We announce the initial release of "Airavata," an instruction-tuned LLM for Hindi. Airavata was created by fine-tuning OpenHathi with diverse, instruction-tuning Hindi datasets to make it better suited for assistive tasks. Along with the model, we also share the IndicInstruct dataset, which is a collection of diverse instruction-tuning datasets to enable further research for Indic LLMs. Additionally, we present evaluation benchmarks and a framework for assessing LLM performance across tasks in Hindi. Currently, Airavata supports Hindi, but we plan to expand this to all 22 scheduled Indic languages. You can access all artifacts at https://ai4bharat.github.io/airavata.
△ Less
Submitted 26 February, 2024; v1 submitted 26 January, 2024;
originally announced January 2024.
-
Brainformer: Mimic Human Visual Brain Functions to Machine Vision Models via fMRI
Authors:
Xuan-Bac Nguyen,
Xin Li,
Pawan Sinha,
Samee U. Khan,
Khoa Luu
Abstract:
Human perception plays a vital role in forming beliefs and understanding reality. A deeper understanding of brain functionality will lead to the development of novel deep neural networks. In this work, we introduce a novel framework named Brainformer, a straightforward yet effective Transformer-based framework, to analyze Functional Magnetic Resonance Imaging (fMRI) patterns in the human perceptio…
▽ More
Human perception plays a vital role in forming beliefs and understanding reality. A deeper understanding of brain functionality will lead to the development of novel deep neural networks. In this work, we introduce a novel framework named Brainformer, a straightforward yet effective Transformer-based framework, to analyze Functional Magnetic Resonance Imaging (fMRI) patterns in the human perception system from a machine-learning perspective. Specifically, we present the Multi-scale fMRI Transformer to explore brain activity patterns through fMRI signals. This architecture includes a simple yet efficient module for high-dimensional fMRI signal encoding and incorporates a novel embedding technique called 3D Voxels Embedding. Secondly, drawing inspiration from the functionality of the brain's Region of Interest, we introduce a novel loss function called Brain fMRI Guidance Loss. This loss function mimics brain activity patterns from these regions in the deep neural network using fMRI data. This work introduces a prospective approach to transferring knowledge from human perception to neural networks. Our experiments demonstrate that leveraging fMRI information allows the machine vision model to achieve results comparable to State-of-the-Art methods in various image recognition tasks.
△ Less
Submitted 26 November, 2024; v1 submitted 30 November, 2023;
originally announced December 2023.
-
Charged particle motion and acceleration around Kerr-MOG black hole
Authors:
Saeed Ullah Khan,
Javlon Rayimbaev,
Zdenek Stuchlík
Abstract:
One of the most important issues in relativistic astrophysics is to explain the origin mechanisms of (ultra)high energy charged particle components of cosmic rays. Black holes (BHs) being huge reservoirs of (gravitational) energy can be candidates for such particle sources. The main idea of this work is to study the effects of scalar-tensor-vector gravity (STVG) on particle acceleration by examini…
▽ More
One of the most important issues in relativistic astrophysics is to explain the origin mechanisms of (ultra)high energy charged particle components of cosmic rays. Black holes (BHs) being huge reservoirs of (gravitational) energy can be candidates for such particle sources. The main idea of this work is to study the effects of scalar-tensor-vector gravity (STVG) on particle acceleration by examining charged particle dynamics and their acceleration through the magnetic Penrose process (MPP) near magnetized Kerr-MOG BHs. First, we study the horizon structure of the BH. Also, we study the effective potential to gain insight into the stability of circular orbits. Our results show that the magnetic field can extend the region of stable circular orbits, whereas the STVG parameter reduces the {instability} of the circular orbit. The motion of charged particles around the magnetized BH reveals various feasible regimes of the ionized Keplerian disk behavior. Thus, from the examination of particle trajectories we observe that at fixed values of other parameters, the Schwarzschild BH captures the test particle; in the case of Kerr BH, the test particle escapes to infinity or is captured by the BH, while in Kerr-MOG BH, the test particle is trapped in some region around BH and starts orbiting it. On investigating the MPP, we found that with increasing magnetic field, the behavior of orbits becomes more chaotic. As a result, the particle escapes to infinity more quickly.
△ Less
Submitted 16 April, 2024; v1 submitted 28 November, 2023;
originally announced November 2023.
-
Optical features of rotating quintessential charged black holes in de-Sitter spacetime
Authors:
Saeed Ullah Khan,
Javlon Rayimbaev,
Furkat Sarikulov,
Ozodbek Abdurakhmonov
Abstract:
One of the most important and actual issues in relativistic astrophysics is testing gravity theories and obtaining constraint values for the parameters of black holes using observational data. In this research, we aimed to explore the optical features of a Kerr--Newman black hole model in the presence of a quintessential field, which may be a candidate for a dark-energy model with a nonzero cosmol…
▽ More
One of the most important and actual issues in relativistic astrophysics is testing gravity theories and obtaining constraint values for the parameters of black holes using observational data. In this research, we aimed to explore the optical features of a Kerr--Newman black hole model in the presence of a quintessential field, which may be a candidate for a dark-energy model with a nonzero cosmological constant. First, we obtain the equations of motion for photons using the Hamilton--Jacobi formalism. We also study the horizons and shapes of the apparent regions of the photon region around the said black hole. In various scenarios, we investigate shadows cast by the black hole using celestial coordinates. Furthermore, we analyze the effects of the quintessential field and black hole charge on the shadow radius and distortion. Furthermore, we look into the constraints on the spin and charge of supermassive black holes M87$^*$ and Sagittarius A$^*$ for different values of the quintessential field using their shadow size measured by the Event Horizon Telescope Collaboration. Finally, we study the effects of the quintessential field, black hole spin and charge on its energy emission rate by Hawking radiation and compare our results with those of the available literature.
△ Less
Submitted 13 June, 2024; v1 submitted 9 October, 2023;
originally announced October 2023.
-
Quantum Vision Clustering
Authors:
Xuan Bac Nguyen,
Hugh Churchill,
Khoa Luu,
Samee U. Khan
Abstract:
Unsupervised visual clustering has garnered significant attention in recent times, aiming to characterize distributions of unlabeled visual images through clustering based on a parameterized appearance approach. Alternatively, clustering algorithms can be viewed as assignment problems, often characterized as NP-hard, yet precisely solvable for small instances on contemporary hardware. Adiabatic qu…
▽ More
Unsupervised visual clustering has garnered significant attention in recent times, aiming to characterize distributions of unlabeled visual images through clustering based on a parameterized appearance approach. Alternatively, clustering algorithms can be viewed as assignment problems, often characterized as NP-hard, yet precisely solvable for small instances on contemporary hardware. Adiabatic quantum computing (AQC) emerges as a promising solution, poised to deliver substantial speedups for a range of NP-hard optimization problems. However, existing clustering formulations face challenges in quantum computing adoption due to scalability issues. In this study, we present the first clustering formulation tailored for resolution using Adiabatic quantum computing. An Ising model is introduced to represent the quantum mechanical system implemented on AQC. The proposed approach demonstrates high competitiveness compared to state-of-the-art optimization-based methods, even when utilizing off-the-shelf integer programming solvers. Lastly, this work showcases the solvability of the proposed clustering problem on current-generation real quantum computers for small examples and analyzes the properties of the obtained solutions
△ Less
Submitted 17 February, 2025; v1 submitted 18 September, 2023;
originally announced September 2023.
-
UTOPIA: Unconstrained Tracking Objects without Preliminary Examination via Cross-Domain Adaptation
Authors:
Pha Nguyen,
Kha Gia Quach,
John Gauch,
Samee U. Khan,
Bhiksha Raj,
Khoa Luu
Abstract:
Multiple Object Tracking (MOT) aims to find bounding boxes and identities of targeted objects in consecutive video frames. While fully-supervised MOT methods have achieved high accuracy on existing datasets, they cannot generalize well on a newly obtained dataset or a new unseen domain. In this work, we first address the MOT problem from the cross-domain point of view, imitating the process of new…
▽ More
Multiple Object Tracking (MOT) aims to find bounding boxes and identities of targeted objects in consecutive video frames. While fully-supervised MOT methods have achieved high accuracy on existing datasets, they cannot generalize well on a newly obtained dataset or a new unseen domain. In this work, we first address the MOT problem from the cross-domain point of view, imitating the process of new data acquisition in practice. Then, a new cross-domain MOT adaptation from existing datasets is proposed without any pre-defined human knowledge in understanding and modeling objects. It can also learn and update itself from the target data feedback. The intensive experiments are designed on four challenging settings, including MOTSynth to MOT17, MOT17 to MOT20, MOT17 to VisDrone, and MOT17 to DanceTrack. We then prove the adaptability of the proposed self-supervised learning strategy. The experiments also show superior performance on tracking metrics MOTA and IDF1, compared to fully supervised, unsupervised, and self-supervised state-of-the-art methods.
△ Less
Submitted 16 June, 2023;
originally announced June 2023.
-
Upper Limb Movement Execution Classification using Electroencephalography for Brain Computer Interface
Authors:
Saadat Ullah Khan,
Muhammad Majid,
Syed Muhammad Anwar
Abstract:
An accurate classification of upper limb movements using electroencephalography (EEG) signals is gaining significant importance in recent years due to the prevalence of brain-computer interfaces. The upper limbs in the human body are crucial since different skeletal segments combine to make a range of motion that helps us in our trivial daily tasks. Decoding EEG-based upper limb movements can be o…
▽ More
An accurate classification of upper limb movements using electroencephalography (EEG) signals is gaining significant importance in recent years due to the prevalence of brain-computer interfaces. The upper limbs in the human body are crucial since different skeletal segments combine to make a range of motion that helps us in our trivial daily tasks. Decoding EEG-based upper limb movements can be of great help to people with spinal cord injury (SCI) or other neuro-muscular diseases such as amyotrophic lateral sclerosis (ALS), primary lateral sclerosis, and periodic paralysis. This can manifest in a loss of sensory and motor function, which could make a person reliant on others to provide care in day-to-day activities. We can detect and classify upper limb movement activities, whether they be executed or imagined using an EEG-based brain-computer interface (BCI). Toward this goal, we focus our attention on decoding movement execution (ME) of the upper limb in this study. For this purpose, we utilize a publicly available EEG dataset that contains EEG signal recordings from fifteen subjects acquired using a 61-channel EEG device. We propose a method to classify four ME classes for different subjects using spectrograms of the EEG data through pre-trained deep learning (DL) models. Our proposed method of using EEG spectrograms for the classification of ME has shown significant results, where the highest average classification accuracy (for four ME classes) obtained is 87.36%, with one subject achieving the best classification accuracy of 97.03%.
△ Less
Submitted 1 April, 2023;
originally announced April 2023.
-
Motor imagery classification using EEG spectrograms
Authors:
Saadat Ullah Khan,
Muhammad Majid,
Syed Muhammad Anwar
Abstract:
The loss of limb motion arising from damage to the spinal cord is a disability that could effect people while performing their day-to-day activities. The restoration of limb movement would enable people with spinal cord injury to interact with their environment more naturally and this is where a brain-computer interface (BCI) system could be beneficial. The detection of limb movement imagination (…
▽ More
The loss of limb motion arising from damage to the spinal cord is a disability that could effect people while performing their day-to-day activities. The restoration of limb movement would enable people with spinal cord injury to interact with their environment more naturally and this is where a brain-computer interface (BCI) system could be beneficial. The detection of limb movement imagination (MI) could be significant for such a BCI, where the detected MI can guide the computer system. Using MI detection through electroencephalography (EEG), we can recognize the imagination of movement in a user and translate this into a physical movement. In this paper, we utilize pre-trained deep learning (DL) algorithms for the classification of imagined upper limb movements. We use a publicly available EEG dataset with data representing seven classes of limb movements. We compute the spectrograms of the time series EEG signal and use them as an input to the DL model for MI classification. Our novel approach for the classification of upper limb movements using pre-trained DL algorithms and spectrograms has achieved significantly improved results for seven movement classes. When compared with the recently proposed state-of-the-art methods, our algorithm achieved a significant average accuracy of 84.9% for classifying seven movements.
△ Less
Submitted 15 November, 2022;
originally announced November 2022.
-
Two-Dimensional Quantum Material Identification via Self-Attention and Soft-labeling in Deep Learning
Authors:
Xuan Bac Nguyen,
Apoorva Bisht,
Ben Thompson,
Hugh Churchill,
Khoa Luu,
Samee U. Khan
Abstract:
In quantum machine field, detecting two-dimensional (2D) materials in Silicon chips is one of the most critical problems. Instance segmentation can be considered as a potential approach to solve this problem. However, similar to other deep learning methods, the instance segmentation requires a large scale training dataset and high quality annotation in order to achieve a considerable performance.…
▽ More
In quantum machine field, detecting two-dimensional (2D) materials in Silicon chips is one of the most critical problems. Instance segmentation can be considered as a potential approach to solve this problem. However, similar to other deep learning methods, the instance segmentation requires a large scale training dataset and high quality annotation in order to achieve a considerable performance. In practice, preparing the training dataset is a challenge since annotators have to deal with a large image, e.g 2K resolution, and extremely dense objects in this problem. In this work, we present a novel method to tackle the problem of missing annotation in instance segmentation in 2D quantum material identification. We propose a new mechanism for automatically detecting false negative objects and an attention based loss strategy to reduce the negative impact of these objects contributing to the overall loss function. We experiment on the 2D material detection datasets, and the experiments show our method outperforms previous works.
△ Less
Submitted 18 September, 2023; v1 submitted 31 May, 2022;
originally announced May 2022.
-
Circular motion around a regular rotating Hayward black hole
Authors:
Saeed Ullah Khan,
Jingli Ren,
Javlon Rayimbaev
Abstract:
In this article, we explore the geodesics motion of neutral test particles and the process of energy extraction from a regular rotating Hayward black hole. We analyse the effect of spin, as well as deviation parameter $g$, on ergoregion, event horizon and static limit of the said black hole. By making use of geodesic equations on the equatorial plane, we determine the innermost stable circular and…
▽ More
In this article, we explore the geodesics motion of neutral test particles and the process of energy extraction from a regular rotating Hayward black hole. We analyse the effect of spin, as well as deviation parameter $g$, on ergoregion, event horizon and static limit of the said black hole. By making use of geodesic equations on the equatorial plane, we determine the innermost stable circular and photon orbits. Moreover, we investigate the effective potentials and effective force to have information on motion and the stability of circular orbits. On studying the negative energy states, we figure out the energy limits of Penrose mechanism. Using Penrose mechanism, we found expression for the efficiency of energy extraction and observed that both spin and deviation parameters, contribute to the efficiency of energy extraction. Finally, the obtained results are compared with that acquired from Kerr and braneworld Kerr black holes.
△ Less
Submitted 19 May, 2022; v1 submitted 8 July, 2021;
originally announced July 2021.
-
A novel segmentation dataset for signatures on bank checks
Authors:
Muhammad Saif Ullah Khan
Abstract:
The dataset presented provides high-resolution images of real, filled out bank checks containing various complex backgrounds, and handwritten text and signatures in the respective fields, along with both pixel-level and patch-level segmentation masks for the signatures on the checks. The images of bank checks were obtained from different sources, including other publicly available check datasets,…
▽ More
The dataset presented provides high-resolution images of real, filled out bank checks containing various complex backgrounds, and handwritten text and signatures in the respective fields, along with both pixel-level and patch-level segmentation masks for the signatures on the checks. The images of bank checks were obtained from different sources, including other publicly available check datasets, publicly available images on the internet, as well as scans and images of real checks. Using the GIMP graphics software, pixel-level segmentation masks for signatures on these checks were manually generated as binary images. An automated script was then used to generate patch-level masks. The dataset was created to train and test networks for extracting signatures from bank checks and other similar documents with very complex backgrounds.
△ Less
Submitted 28 April, 2021; v1 submitted 25 April, 2021;
originally announced April 2021.
-
Shadow cast and center of mass energy in a charged Gauss-Bonnet-AdS black hole
Authors:
Muhammad Zahid,
Saeed Ullah Khan,
Jingli Ren
Abstract:
This work is devoted to the exploration of shadow cast and center of mass energy in the background of a 4-dimensional charged Gauss-Bonnet AdS black hole. On investigating particle dynamics, we have examined BH's metric function. Whereas, with the help of null geodesics, we pursue to calculate the celestial coordinates and the shadow radius of the black hole. We have made use of the hawking temper…
▽ More
This work is devoted to the exploration of shadow cast and center of mass energy in the background of a 4-dimensional charged Gauss-Bonnet AdS black hole. On investigating particle dynamics, we have examined BH's metric function. Whereas, with the help of null geodesics, we pursue to calculate the celestial coordinates and the shadow radius of the black hole. We have made use of the hawking temperature to study the energy emission rate. Moreover, we have explored the center of mass energy and discussed its characteristics under the influence of spacetime parameters. For a better understanding, we graphically represent all of our main findings. The acquired result shows that both charge and AdS radius ($l$) decrease the shadow radius, while the Gauss-Bonnet coupling parameter $α$ increases the shadow radius in AdS spacetime. On the other hand, both $Q$ and $α$ result in diminishing the shadow radius in asymptotically flat spacetime. Finally, we investigate the energy emission rate and center of mass energy under the influence of $Q$ and $α$.
△ Less
Submitted 20 January, 2021; v1 submitted 18 January, 2021;
originally announced January 2021.
-
Geodesics and optical properties of rotating black hole in Randall-Sundrum brane with a cosmological constant
Authors:
Saeed Ullah Khan,
Jingli Ren
Abstract:
The presence of tidal charge and a cosmological constant has considerable consequences on the spacetime geometry and its study is much important from the observational point of view. Henceforth, we investigate their effects on particle dynamics and the shadow cast by a Randall-Sundrum braneworld black hole with a cosmological constant. On studying the circular geodesics of timelike particles, we h…
▽ More
The presence of tidal charge and a cosmological constant has considerable consequences on the spacetime geometry and its study is much important from the observational point of view. Henceforth, we investigate their effects on particle dynamics and the shadow cast by a Randall-Sundrum braneworld black hole with a cosmological constant. On studying the circular geodesics of timelike particles, we have acquired the expressions of energy, angular momentum and effective potential. We noted that the negative values of tidal charge and cosmological constant decreases the energy of particles. In addition, the negative value of cosmological constant leads us to the stable circular orbits, whereas its positive value destabilizes the circular orbits. Our exploration shows that the cosmological constant diminishes the radius of the black hole shadow. In response to the dragging effect, black hole rotation elongates its shadow toward the rotational axis. Besides, black hole spin and positive charge distort shadow and its distortion become maximum as far as the black hole rotates faster. We also discussed the energy emission rate by considering different cases and compared our result with the standard Kerr black hole.
△ Less
Submitted 9 January, 2021; v1 submitted 11 December, 2020;
originally announced December 2020.
-
Circular geodesics in Kerr-Newman-Kasuya black hole
Authors:
Saeed Ullah Khan,
Jingli Ren
Abstract:
This article explores the characteristics of ergoregion, horizons and circular geodesics around a Kerr-Newman-Kasuya black hole. We investigate the effect of spin and dyonic charge parameters on ergoregion, event horizon and static limit surface of the said black hole. We observed that both electric, as well as magnetic charge parameters, results in decreasing the radii of event horizon and static…
▽ More
This article explores the characteristics of ergoregion, horizons and circular geodesics around a Kerr-Newman-Kasuya black hole. We investigate the effect of spin and dyonic charge parameters on ergoregion, event horizon and static limit surface of the said black hole. We observed that both electric, as well as magnetic charge parameters, results in decreasing the radii of event horizon and static limit, whereas increasing the area of ergoregion. The obtained results are compared with that acquired from Kerr and Schwarzschild black holes. Moreover, we figured out the photons orbit of circular null geodesics and studied the angular velocity of a particle within ergoregion.
△ Less
Submitted 5 December, 2020;
originally announced December 2020.
-
Particle dynamics around a dyonic charged black hole
Authors:
Saeed Ullah Khan,
Jingli Ren
Abstract:
In this article, we study the circular motion of particles and the well-known Penrose mechanism around a Kerr-Newman-Kasuya black hole spacetime. The inner and outer horizons, as well as ergosurfaces of the said black hole, are briefly examined under the effect of spin and dyonic charge. Moreover, by limiting our exploration to the equatorial plane, we discuss the characteristics of circular geode…
▽ More
In this article, we study the circular motion of particles and the well-known Penrose mechanism around a Kerr-Newman-Kasuya black hole spacetime. The inner and outer horizons, as well as ergosurfaces of the said black hole, are briefly examined under the effect of spin and dyonic charge. Moreover, by limiting our exploration to the equatorial plane, we discuss the characteristics of circular geodesics and investigate both photons, as well as marginally stable circular orbits. It is noted that black hole charge diminishing the radii of photon and marginally stable circular orbits. To investigate the nature of particle dynamics, we studied the effective potential and Lyapunov exponent. While inspecting the process of energy extraction, we derived the Wald inequality, which can help us to locate the energy limits of the Penrose process. Furthermore, we have found expressions for the negative energy states and the efficiency of energy extraction. The obtained result illustrates that both black hole rotation and dyonic charge contributes to the efficiency of energy extraction.
△ Less
Submitted 4 October, 2020;
originally announced October 2020.
-
Shadow cast by a rotating charged black hole in quintessential dark energy
Authors:
Saeed Ullah Khan,
Jingli Ren
Abstract:
The existence of quintessential dark energy around a black hole has considerable consequences on its spacetime geometry. Hence, in this article, we explore its effect on horizons and the silhouette generated by a Kerr-Newman black hole in quintessential dark energy. Moreover, to analyze the deflection angle of light, we utilize the Gauss-Bonnet theorem. The obtained result demonstrates that, due t…
▽ More
The existence of quintessential dark energy around a black hole has considerable consequences on its spacetime geometry. Hence, in this article, we explore its effect on horizons and the silhouette generated by a Kerr-Newman black hole in quintessential dark energy. Moreover, to analyze the deflection angle of light, we utilize the Gauss-Bonnet theorem. The obtained result demonstrates that, due to the dragging effect, the black hole spin elongates its shadow in the direction of the rotational axis, while increases the deflection angle. On the other hand, the black hole charge diminishing its shadow, as well as the angle of lights deflection. Besides, both spin and charge significantly increase the distortion effect in the black hole's shadow. The quintessence parameter γ, increases the shadow radius, while decreases the distortion effect at higher values of charge and spin parameters.
△ Less
Submitted 20 June, 2020;
originally announced June 2020.
-
Particle collisions in ergoregion of braneworld Kerr black hole
Authors:
Saeed Ullah Khan,
Misbah Shahzadi,
Jingli Ren
Abstract:
This paper explores the neutral particle motion and collisional Penrose process in ergoregion of the braneworld Kerr black hole. We analyze the properties of event horizon, ergosphere and static limit. The particle collision in ergoregion via the Penrose process is investigated. Furthermore, we study the negative energy states and show that the sign of particle energy can be uniquely determined by…
▽ More
This paper explores the neutral particle motion and collisional Penrose process in ergoregion of the braneworld Kerr black hole. We analyze the properties of event horizon, ergosphere and static limit. The particle collision in ergoregion via the Penrose process is investigated. Furthermore, we study the negative energy states and show that the sign of particle energy can be uniquely determined by the sign of angular momentum. In addition, we study the Wald inequality to determine the limits of energy extraction via the Penrose process and also find lower bound of the irreducible mass. The expression for the efficiency of energy extraction from the brane Kerr black hole is found. Finally, we compare our results with that obtained from the Kerr black hole. It is concluded that efficiency increases with the increase of rotation as well as brane parameter b of the black hole.
△ Less
Submitted 5 January, 2021; v1 submitted 18 May, 2020;
originally announced May 2020.
-
K-Means Clustering on Noisy Intermediate Scale Quantum Computers
Authors:
Sumsam Ullah Khan,
Ahsan Javed Awan,
Gemma Vall-Llosera
Abstract:
Real-time clustering of big performance data generated by the telecommunication networks requires domain-specific high performance compute infrastructure to detect anomalies. In this paper, we evaluate noisy intermediate-scale quantum (NISQ) computers characterized by low decoherence times, for K-means clustering and propose three strategies to generate shorter-depth quantum circuits needed to ove…
▽ More
Real-time clustering of big performance data generated by the telecommunication networks requires domain-specific high performance compute infrastructure to detect anomalies. In this paper, we evaluate noisy intermediate-scale quantum (NISQ) computers characterized by low decoherence times, for K-means clustering and propose three strategies to generate shorter-depth quantum circuits needed to overcome the limitation of NISQ computers. The strategies are based on exploiting; i) quantum interference, ii) negative rotations and iii) destructive interference. By comparing our implementations on IBMQX2 machine for representative data sets, we show that NISQ computers can solve the K-means clustering problem with the same level of accuracy as that of classical computers.
△ Less
Submitted 26 September, 2019;
originally announced September 2019.
-
affinity: A System for Latent User Similarity Comparison on Texting Data
Authors:
Tobias Eichinger,
Felix Beierle,
Sumsam Ullah Khan,
Robin Middelanis,
Veeraraghavan Sekar,
Sam Tabibzadeh
Abstract:
In the field of social networking services, finding similar users based on profile data is common practice. Smartphones harbor sensor and personal context data that can be used for user profiling. Yet, one vast source of personal data, that is text messaging data, has hardly been studied for user profiling. We see three reasons for this: First, private text messaging data is not shared due to thei…
▽ More
In the field of social networking services, finding similar users based on profile data is common practice. Smartphones harbor sensor and personal context data that can be used for user profiling. Yet, one vast source of personal data, that is text messaging data, has hardly been studied for user profiling. We see three reasons for this: First, private text messaging data is not shared due to their intimate character. Second, the definition of an appropriate privacy-preserving similarity measure is non-trivial. Third, assessing the quality of a similarity measure on text messaging data representing a potentially infinite set of topics is non-trivial. In order to overcome these obstacles we propose affinity, a system that assesses the similarity between text messaging histories of users reliably and efficiently in a privacy-preserving manner. Private texting data stays on user devices and data for comparison is compared in a latent format that neither allows to reconstruct the comparison words nor any original private plain text. We evaluate our approach by calculating similarities between Twitter histories of 60 US senators. The resulting similarity network reaches an average 85.0% accuracy on a political party classification task.
△ Less
Submitted 3 April, 2019;
originally announced April 2019.
-
Circular Motion and Energy Extraction in a Rotating Black Hole
Authors:
M. Shahzadi,
Z. Yousaf,
Saeed Ullah Khan
Abstract:
This paper explores the circular geodesics of neutral test particles on an equatorial plane around a rotating black hole. After using equations of motion of scalar-tensor-vector gravity with the circular geodesics of null-like particles, we find the equation of photon orbit. With the help of an effective potential form, we have examined the stable regimes of photons orbits. The Lyapunov exponent,…
▽ More
This paper explores the circular geodesics of neutral test particles on an equatorial plane around a rotating black hole. After using equations of motion of scalar-tensor-vector gravity with the circular geodesics of null-like particles, we find the equation of photon orbit. With the help of an effective potential form, we have examined the stable regimes of photons orbits. The Lyapunov exponent, as well as the effective force acting on photons, is also investigated. We examine the energy extraction from a black hole via Penrose process. Furthermore, we discuss the negative energy state and the efficiency of energy extraction. We have made compare our results with that obtained for some well known black holes models. We concluded that the efficiency of the energy extraction decreases with the increase of dimensionless parameter of theory and increases as spin parameter increases.
△ Less
Submitted 17 December, 2018;
originally announced December 2018.
-
A Physically based compact I-V model for monolayer TMDC channel MOSFET and DMFET biosensor
Authors:
Ehsanur Rahman,
Abir Shadman,
Imtiaz Ahmed,
Saeed Uz Zaman Khan,
Quazi D. M. Khosru
Abstract:
In this work, a compact transport model has been developed for monolayer transition metal dichalcogenide (TMDC) channel MOSFET. The analytical model solves the Poisson's equation for the inversion charge density to get the electrostatic potential in the channel. Current is then calculated by solving the drift-diffusion equation. The model makes gradual channel approximation to simplify the solutio…
▽ More
In this work, a compact transport model has been developed for monolayer transition metal dichalcogenide (TMDC) channel MOSFET. The analytical model solves the Poisson's equation for the inversion charge density to get the electrostatic potential in the channel. Current is then calculated by solving the drift-diffusion equation. The model makes gradual channel approximation to simplify the solution procedure. The appropriate density of states obtained from the first principle density functional theory simulation has been considered to keep the model physically accurate for monolayer TMDC channel FET. The outcome of the model has been benchmarked against both experimental and numerical quantum simulation results with the help of a few fitting parameters. Using the compact model, detailed output and transfer characteristics of monolayer $WSe_2$ FET have been studied, and various performance parameters have been determined. The study confirms excellent ON and OFF state performances of monolayer $WSe_2$ FET which could be viable for the next generation high-speed, low power applications. Also, the proposed model has been extended to study the operation of a biosensor. A monolayer $MoS_2$ channel based dielectric modulated FET is investigated using the compact model for detection of a biomolecule in a dry environment.
△ Less
Submitted 26 April, 2018;
originally announced April 2018.