-
Identifiability of Nonnegative Tucker Decompositions -- Part I: Theory
Authors:
Subhayan Saha,
Giovanni Barbarino,
Nicolas Gillis
Abstract:
Tensor decompositions have become a central tool in data science, with applications in areas such as data analysis, signal processing, and machine learning. A key property of many tensor decompositions, such as the canonical polyadic decomposition, is identifiability: the factors are unique, up to trivial scaling and permutation ambiguities. This allows one to recover the groundtruth sources that…
▽ More
Tensor decompositions have become a central tool in data science, with applications in areas such as data analysis, signal processing, and machine learning. A key property of many tensor decompositions, such as the canonical polyadic decomposition, is identifiability: the factors are unique, up to trivial scaling and permutation ambiguities. This allows one to recover the groundtruth sources that generated the data. The Tucker decomposition (TD) is a central and widely used tensor decomposition model. However, it is in general not identifiable. In this paper, we study the identifiability of the nonnegative TD (nTD). By adapting and extending identifiability results of nonnegative matrix factorization (NMF), we provide uniqueness results for nTD. Our results require the nonnegative matrix factors to have some degree of sparsity (namely, satisfy the separability condition, or the sufficiently scattered condition), while the core tensor only needs to have some slices (or linear combinations of them) or unfoldings with full column rank (but does not need to be nonnegative). Under such conditions, we derive several procedures, using either unfoldings or slices of the input tensor, to obtain identifiable nTDs by minimizing the volume of unfoldings or slices of the core tensor.
△ Less
Submitted 19 May, 2025;
originally announced May 2025.
-
Deep Mismatch Channel Estimation in IRS based 6G Communication
Authors:
Swapnil Saha,
Md. Forkan Uddin
Abstract:
We propose a channel estimation protocol to determine the uplink channel state information (CSI) at the base station for an intelligent reflecting surface (IRS) based wireless communication. More specifically, we develop a channel estimation scheme in a multi-user system with high estimation accuracy and low computational complexity. One of the state-of-the-art approaches to channel estimation is…
▽ More
We propose a channel estimation protocol to determine the uplink channel state information (CSI) at the base station for an intelligent reflecting surface (IRS) based wireless communication. More specifically, we develop a channel estimation scheme in a multi-user system with high estimation accuracy and low computational complexity. One of the state-of-the-art approaches to channel estimation is the deep learning-based approach. However, the data-driven model often experiences high computational complexity and, thus, is slow to channel estimation. Inspired by the success of utilizing domain knowledge to build effective data-driven models, the proposed scheme uses the high channel correlation property to train a shallow deep learning model. More specifically, utilizing the one coherent channel estimation, the model predicts the subsequent channel coherence CSI. We evaluate the performance of the proposed scheme in terms of normalized mean square error (NMSE) and spectral efficiency (SE) via simulation. The proposed scheme can estimate the CSI with reasonable success of lower NMSE, higher SE, and lower estimation time than existing schemes.
△ Less
Submitted 12 April, 2025;
originally announced April 2025.
-
Diabetic Retinopathy Detection Using CNN with Residual Block with DCGAN
Authors:
Debjany Ghosh Aronno,
Sumaiya Saeha
Abstract:
Diabetic Retinopathy (DR) is a major cause of blindness worldwide, caused by damage to the blood vessels in the retina due to diabetes. Early detection and classification of DR are crucial for timely intervention and preventing vision loss. This work proposes an automated system for DR detection using Convolutional Neural Networks (CNNs) with a residual block architecture, which enhances feature e…
▽ More
Diabetic Retinopathy (DR) is a major cause of blindness worldwide, caused by damage to the blood vessels in the retina due to diabetes. Early detection and classification of DR are crucial for timely intervention and preventing vision loss. This work proposes an automated system for DR detection using Convolutional Neural Networks (CNNs) with a residual block architecture, which enhances feature extraction and model performance. To further improve the model's robustness, we incorporate advanced data augmentation techniques, specifically leveraging a Deep Convolutional Generative Adversarial Network (DCGAN) for generating diverse retinal images. This approach increases the variability of training data, making the model more generalizable and capable of handling real-world variations in retinal images. The system is designed to classify retinal images into five distinct categories, from No DR to Proliferative DR, providing an efficient and scalable solution for early diagnosis and monitoring of DR progression. The proposed model aims to support healthcare professionals in large-scale DR screening, especially in resource-constrained settings.
△ Less
Submitted 4 January, 2025;
originally announced January 2025.
-
TCG CREST System Description for the Second DISPLACE Challenge
Authors:
Nikhil Raghav,
Subhajit Saha,
Md Sahidullah,
Swagatam Das
Abstract:
In this report, we describe the speaker diarization (SD) and language diarization (LD) systems developed by our team for the Second DISPLACE Challenge, 2024. Our contributions were dedicated to Track 1 for SD and Track 2 for LD in multilingual and multi-speaker scenarios. We investigated different speech enhancement techniques, voice activity detection (VAD) techniques, unsupervised domain categor…
▽ More
In this report, we describe the speaker diarization (SD) and language diarization (LD) systems developed by our team for the Second DISPLACE Challenge, 2024. Our contributions were dedicated to Track 1 for SD and Track 2 for LD in multilingual and multi-speaker scenarios. We investigated different speech enhancement techniques, voice activity detection (VAD) techniques, unsupervised domain categorization, and neural embedding extraction architectures. We also exploited the fusion of various embedding extraction models. We implemented our system with the open-source SpeechBrain toolkit. Our final submissions use spectral clustering for both the speaker and language diarization. We achieve about $7\%$ relative improvement over the challenge baseline in Track 1. We did not obtain improvement over the challenge baseline in Track 2.
△ Less
Submitted 16 September, 2024;
originally announced September 2024.
-
Segment Using Just One Example
Authors:
Pratik Vora,
Sudipan Saha
Abstract:
Semantic segmentation is an important topic in computer vision with many relevant application in Earth observation. While supervised methods exist, the constraints of limited annotated data has encouraged development of unsupervised approaches. However, existing unsupervised methods resemble clustering and cannot be directly mapped to explicit target classes. In this paper, we deal with single sho…
▽ More
Semantic segmentation is an important topic in computer vision with many relevant application in Earth observation. While supervised methods exist, the constraints of limited annotated data has encouraged development of unsupervised approaches. However, existing unsupervised methods resemble clustering and cannot be directly mapped to explicit target classes. In this paper, we deal with single shot semantic segmentation, where one example for the target class is provided, which is used to segment the target class from query/test images. Our approach exploits recently popular Segment Anything (SAM), a promptable foundation model. We specifically design several techniques to automatically generate prompts from the only example/key image in such a way that the segmentation is successfully achieved on a stitch or concatenation of the example/key and query/test images. Proposed technique does not involve any training phase and just requires one example image to grasp the concept. Furthermore, no text-based prompt is required for the proposed method. We evaluated the proposed techniques on building and car classes.
△ Less
Submitted 14 August, 2024;
originally announced August 2024.
-
Specialized Change Detection using Segment Anything
Authors:
Tahir Ahmad,
Sudipan Saha
Abstract:
Change detection (CD) is a fundamental task in Earth observation. While most change detection methods detect all changes, there is a growing need for specialized methods targeting specific changes relevant to particular applications while discarding the other changes. For instance, urban management might prioritize detecting the disappearance of buildings due to natural disasters or other reasons.…
▽ More
Change detection (CD) is a fundamental task in Earth observation. While most change detection methods detect all changes, there is a growing need for specialized methods targeting specific changes relevant to particular applications while discarding the other changes. For instance, urban management might prioritize detecting the disappearance of buildings due to natural disasters or other reasons. Furthermore, while most supervised change detection methods require large-scale training datasets, in many applications only one or two training examples might be available instead of large datasets. Addressing such needs, we propose a focused CD approach using the Segment Anything Model (SAM), a versatile vision foundation model. Our method leverages a binary mask of the object of interest in pre-change images to detect their disappearance in post-change images. By using SAM's robust segmentation capabilities, we create prompts from the pre-change mask, use those prompts to segment the post-change image, and identify missing objects. This unsupervised approach demonstrated for building disappearance detection, is adaptable to various domains requiring specialized CD. Our contributions include defining a novel CD problem, proposing a method using SAM, and demonstrating its effectiveness. The proposed method also has benefits related to privacy preservation.
△ Less
Submitted 13 August, 2024;
originally announced August 2024.
-
Cluster-Segregate-Perturb (CSP): A Model-agnostic Explainability Pipeline for Spatiotemporal Land Surface Forecasting Models
Authors:
Tushar Verma,
Sudipan Saha
Abstract:
Satellite images have become increasingly valuable for modelling regional climate change effects. Earth surface forecasting represents one such task that integrates satellite images with meteorological data to capture the joint evolution of regional climate change effects. However, understanding the complex relationship between specific meteorological variables and land surface evolution poses a s…
▽ More
Satellite images have become increasingly valuable for modelling regional climate change effects. Earth surface forecasting represents one such task that integrates satellite images with meteorological data to capture the joint evolution of regional climate change effects. However, understanding the complex relationship between specific meteorological variables and land surface evolution poses a significant challenge. In light of this challenge, our paper introduces a pipeline that integrates principles from both perturbation-based explainability techniques like LIME and global marginal explainability techniques like PDP, besides addressing the constraints of using such techniques when applying them to high-dimensional spatiotemporal deep models. The proposed pipeline simplifies the undertaking of diverse investigative analyses, such as marginal sensitivity analysis, marginal correlation analysis, lag analysis, etc., on complex land surface forecasting models In this study we utilised Convolutional Long Short-Term Memory (ConvLSTM) as the surface forecasting model and did analyses on the Normalized Difference Vegetation Index (NDVI) of the surface forecasts, since meteorological variables like temperature, pressure, and precipitation significantly influence it. The study area encompasses various regions in Europe. Our analyses show that precipitation exhibits the highest sensitivity in the study area, followed by temperature and pressure. Pressure has little to no direct effect on NDVI. Additionally, interesting nonlinear correlations between meteorological variables and NDVI have been uncovered.
△ Less
Submitted 12 August, 2024;
originally announced August 2024.
-
Automatic Speech Recognition for Biomedical Data in Bengali Language
Authors:
Shariar Kabir,
Nazmun Nahar,
Shyamasree Saha,
Mamunur Rashid
Abstract:
This paper presents the development of a prototype Automatic Speech Recognition (ASR) system specifically designed for Bengali biomedical data. Recent advancements in Bengali ASR are encouraging, but a lack of domain-specific data limits the creation of practical healthcare ASR models. This project bridges this gap by developing an ASR system tailored for Bengali medical terms like symptoms, sever…
▽ More
This paper presents the development of a prototype Automatic Speech Recognition (ASR) system specifically designed for Bengali biomedical data. Recent advancements in Bengali ASR are encouraging, but a lack of domain-specific data limits the creation of practical healthcare ASR models. This project bridges this gap by developing an ASR system tailored for Bengali medical terms like symptoms, severity levels, and diseases, encompassing two major dialects: Bengali and Sylheti. We train and evaluate two popular ASR frameworks on a comprehensive 46-hour Bengali medical corpus. Our core objective is to create deployable health-domain ASR systems for digital health applications, ultimately increasing accessibility for non-technical users in the healthcare sector.
△ Less
Submitted 16 June, 2024;
originally announced June 2024.
-
Confidence Estimation in Unsupervised Deep Change Vector Analysis
Authors:
Sudipan Saha
Abstract:
Unsupervised transfer learning-based change detection methods exploit the feature extraction capability of pre-trained networks to distinguish changed pixels from the unchanged ones. However, their performance may vary significantly depending on several geographical and model-related aspects. In many applications, it is of utmost importance to provide trustworthy or confident results, even if over…
▽ More
Unsupervised transfer learning-based change detection methods exploit the feature extraction capability of pre-trained networks to distinguish changed pixels from the unchanged ones. However, their performance may vary significantly depending on several geographical and model-related aspects. In many applications, it is of utmost importance to provide trustworthy or confident results, even if over a subset of pixels. The core challenge in this problem is to identify changed pixels and confident pixels in an unsupervised manner. To address this, we propose a two-network model - one tasked with mere change detection and the other with confidence estimation. While the change detection network can be used in conjunction with popular transfer learning-based change detection methods such as Deep Change Vector Analysis, the confidence estimation network operates similarly to a randomized smoothing model. By ingesting ensembles of inputs perturbed by noise, it creates a distribution over the output and assigns confidence to each pixel's outcome. We tested the proposed method on three different Earth observation sensors: optical, Synthetic Aperture Radar, and hyperspectral sensors.
△ Less
Submitted 16 May, 2024;
originally announced May 2024.
-
A Comprehensive Survey of Hallucination in Large Language, Image, Video and Audio Foundation Models
Authors:
Pranab Sahoo,
Prabhash Meharia,
Akash Ghosh,
Sriparna Saha,
Vinija Jain,
Aman Chadha
Abstract:
The rapid advancement of foundation models (FMs) across language, image, audio, and video domains has shown remarkable capabilities in diverse tasks. However, the proliferation of FMs brings forth a critical challenge: the potential to generate hallucinated outputs, particularly in high-stakes applications. The tendency of foundation models to produce hallucinated content arguably represents the b…
▽ More
The rapid advancement of foundation models (FMs) across language, image, audio, and video domains has shown remarkable capabilities in diverse tasks. However, the proliferation of FMs brings forth a critical challenge: the potential to generate hallucinated outputs, particularly in high-stakes applications. The tendency of foundation models to produce hallucinated content arguably represents the biggest hindrance to their widespread adoption in real-world scenarios, especially in domains where reliability and accuracy are paramount. This survey paper presents a comprehensive overview of recent developments that aim to identify and mitigate the problem of hallucination in FMs, spanning text, image, video, and audio modalities. By synthesizing recent advancements in detecting and mitigating hallucination across various modalities, the paper aims to provide valuable insights for researchers, developers, and practitioners. Essentially, it establishes a clear framework encompassing definition, taxonomy, and detection strategies for addressing hallucination in multimodal foundation models, laying the foundation for future research in this pivotal area.
△ Less
Submitted 3 October, 2024; v1 submitted 15 May, 2024;
originally announced May 2024.
-
Exploring Explainable AI Techniques for Improved Interpretability in Lung and Colon Cancer Classification
Authors:
Mukaffi Bin Moin,
Fatema Tuj Johora Faria,
Swarnajit Saha,
Busra Kamal Rafa,
Mohammad Shafiul Alam
Abstract:
Lung and colon cancer are serious worldwide health challenges that require early and precise identification to reduce mortality risks. However, diagnosis, which is mostly dependent on histopathologists' competence, presents difficulties and hazards when expertise is insufficient. While diagnostic methods like imaging and blood markers contribute to early detection, histopathology remains the gold…
▽ More
Lung and colon cancer are serious worldwide health challenges that require early and precise identification to reduce mortality risks. However, diagnosis, which is mostly dependent on histopathologists' competence, presents difficulties and hazards when expertise is insufficient. While diagnostic methods like imaging and blood markers contribute to early detection, histopathology remains the gold standard, although time-consuming and vulnerable to inter-observer mistakes. Limited access to high-end technology further limits patients' ability to receive immediate medical care and diagnosis. Recent advances in deep learning have generated interest in its application to medical imaging analysis, specifically the use of histopathological images to diagnose lung and colon cancer. The goal of this investigation is to use and adapt existing pre-trained CNN-based models, such as Xception, DenseNet201, ResNet101, InceptionV3, DenseNet121, DenseNet169, ResNet152, and InceptionResNetV2, to enhance classification through better augmentation strategies. The results show tremendous progress, with all eight models reaching impressive accuracy ranging from 97% to 99%. Furthermore, attention visualization techniques such as GradCAM, GradCAM++, ScoreCAM, Faster Score-CAM, and LayerCAM, as well as Vanilla Saliency and SmoothGrad, are used to provide insights into the models' classification decisions, thereby improving interpretability and understanding of malignant and benign image classification.
△ Less
Submitted 14 May, 2024; v1 submitted 7 May, 2024;
originally announced May 2024.
-
Score-Based Diffusion Models for Photoacoustic Tomography Image Reconstruction
Authors:
Sreemanti Dey,
Snigdha Saha,
Berthy T. Feng,
Manxiu Cui,
Laure Delisle,
Oscar Leong,
Lihong V. Wang,
Katherine L. Bouman
Abstract:
Photoacoustic tomography (PAT) is a rapidly-evolving medical imaging modality that combines optical absorption contrast with ultrasound imaging depth. One challenge in PAT is image reconstruction with inadequate acoustic signals due to limited sensor coverage or due to the density of the transducer array. Such cases call for solving an ill-posed inverse reconstruction problem. In this work, we use…
▽ More
Photoacoustic tomography (PAT) is a rapidly-evolving medical imaging modality that combines optical absorption contrast with ultrasound imaging depth. One challenge in PAT is image reconstruction with inadequate acoustic signals due to limited sensor coverage or due to the density of the transducer array. Such cases call for solving an ill-posed inverse reconstruction problem. In this work, we use score-based diffusion models to solve the inverse problem of reconstructing an image from limited PAT measurements. The proposed approach allows us to incorporate an expressive prior learned by a diffusion model on simulated vessel structures while still being robust to varying transducer sparsity conditions.
△ Less
Submitted 30 March, 2024;
originally announced April 2024.
-
Exploring Green AI for Audio Deepfake Detection
Authors:
Subhajit Saha,
Md Sahidullah,
Swagatam Das
Abstract:
The state-of-the-art audio deepfake detectors leveraging deep neural networks exhibit impressive recognition performance. Nonetheless, this advantage is accompanied by a significant carbon footprint. This is mainly due to the use of high-performance computing with accelerators and high training time. Studies show that average deep NLP model produces around 626k lbs of CO\textsubscript{2} which is…
▽ More
The state-of-the-art audio deepfake detectors leveraging deep neural networks exhibit impressive recognition performance. Nonetheless, this advantage is accompanied by a significant carbon footprint. This is mainly due to the use of high-performance computing with accelerators and high training time. Studies show that average deep NLP model produces around 626k lbs of CO\textsubscript{2} which is equivalent to five times of average US car emission at its lifetime. This is certainly a massive threat to the environment. To tackle this challenge, this study presents a novel framework for audio deepfake detection that can be seamlessly trained using standard CPU resources. Our proposed framework utilizes off-the-shelve self-supervised learning (SSL) based models which are pre-trained and available in public repositories. In contrast to existing methods that fine-tune SSL models and employ additional deep neural networks for downstream tasks, we exploit classical machine learning algorithms such as logistic regression and shallow neural networks using the SSL embeddings extracted using the pre-trained model. Our approach shows competitive results compared to the commonly used high-carbon footprint approaches. In experiments with the ASVspoof 2019 LA dataset, we achieve a 0.90\% equal error rate (EER) with less than 1k trainable model parameters. To encourage further research in this direction and support reproducible results, the Python code will be made publicly accessible following acceptance. Github: https://github.com/sahasubhajit/Speech-Spoofing-
△ Less
Submitted 21 March, 2024;
originally announced March 2024.
-
Exploring IoT for real-time CO2 monitoring and analysis
Authors:
Abhiroop Sarkar,
Debayan Ghosh,
Kinshuk Ganguly,
Snehal Ghosh,
Subhajit Saha
Abstract:
As a part of this project, we have developed an IoT-based instrument utilizing the NODE MCU-ESP8266 module, MQ135 gas sensor, and DHT-11 sensor for measuring CO$_2$ levels in parts per million (ppm), temperature, and humidity. The escalating CO$_2$ levels worldwide necessitate constant monitoring and analysis to comprehend the implications for human health, safety, energy efficiency, and environme…
▽ More
As a part of this project, we have developed an IoT-based instrument utilizing the NODE MCU-ESP8266 module, MQ135 gas sensor, and DHT-11 sensor for measuring CO$_2$ levels in parts per million (ppm), temperature, and humidity. The escalating CO$_2$ levels worldwide necessitate constant monitoring and analysis to comprehend the implications for human health, safety, energy efficiency, and environmental well-being. Thus, an efficient and cost-effective solution is imperative to measure and transmit data for statistical analysis and storage. The instrument offers real-time monitoring, enabling a comprehensive understanding of indoor environmental conditions. By providing valuable insights, it facilitates the implementation of measures to ensure health and safety, optimize energy efficiency, and promote effective environmental monitoring. This scientific endeavor aims to contribute to the growing body of knowledge surrounding CO$_2$ levels, temperature, and humidity, fostering sustainable practices and informed decision-making
△ Less
Submitted 2 August, 2023;
originally announced August 2023.
-
Contrastive Self-Supervised Learning Based Approach for Patient Similarity: A Case Study on Atrial Fibrillation Detection from PPG Signal
Authors:
Subangkar Karmaker Shanto,
Shoumik Saha,
Atif Hasan Rahman,
Mohammad Mehedy Masud,
Mohammed Eunus Ali
Abstract:
In this paper, we propose a novel contrastive learning based deep learning framework for patient similarity search using physiological signals. We use a contrastive learning based approach to learn similar embeddings of patients with similar physiological signal data. We also introduce a number of neighbor selection algorithms to determine the patients with the highest similarity on the generated…
▽ More
In this paper, we propose a novel contrastive learning based deep learning framework for patient similarity search using physiological signals. We use a contrastive learning based approach to learn similar embeddings of patients with similar physiological signal data. We also introduce a number of neighbor selection algorithms to determine the patients with the highest similarity on the generated embeddings. To validate the effectiveness of our framework for measuring patient similarity, we select the detection of Atrial Fibrillation (AF) through photoplethysmography (PPG) signals obtained from smartwatch devices as our case study. We present extensive experimentation of our framework on a dataset of over 170 individuals and compare the performance of our framework with other baseline methods on this dataset.
△ Less
Submitted 22 July, 2023;
originally announced August 2023.
-
Development Of Automated Cardiac Arrhythmia Detection Methods Using Single Channel ECG Signal
Authors:
Arpita Paul,
Avik Kumar Das,
Manas Rakshit,
Ankita Ray Chowdhury,
Susmita Saha,
Hrishin Roy,
Sajal Sarkar,
Dongiri Prasanth,
Eravelli Saicharan
Abstract:
Arrhythmia, an abnormal cardiac rhythm, is one of the most common types of cardiac disease. Automatic detection and classification of arrhythmia can be significant in reducing deaths due to cardiac diseases. This work proposes a multi-class arrhythmia detection algorithm using single channel electrocardiogram (ECG) signal. In this work, heart rate variability (HRV) along with morphological feature…
▽ More
Arrhythmia, an abnormal cardiac rhythm, is one of the most common types of cardiac disease. Automatic detection and classification of arrhythmia can be significant in reducing deaths due to cardiac diseases. This work proposes a multi-class arrhythmia detection algorithm using single channel electrocardiogram (ECG) signal. In this work, heart rate variability (HRV) along with morphological features and wavelet coefficient features are utilized for detection of 9 classes of arrhythmia. Statistical, entropy and energy-based features are extracted and applied to machine learning based random forest classifiers. Data used in both works is taken from 4 broad databases (CPSC and CPSC extra, PTB-XL, G12EC and Chapman-Shaoxing and Ningbo Database) made available by Physionet. With HRV and time domain morphological features, an average accuracy of 85.11%, sensitivity of 85.11%, precision of 85.07% and F1 score of 85.00% is obtained whereas with HRV and wavelet coefficient features, the performance obtained is 90.91% accuracy, 90.91% sensitivity, 90.96% precision and 90.87% F1 score. The detailed analysis of simulation results affirms that the presented scheme effectively detects broad categories of arrhythmia from single-channel ECG records. In the last part of the work, the proposed classification schemes are implemented on hardware using Raspberry Pi for real time ECG signal classification.
△ Less
Submitted 23 July, 2023;
originally announced August 2023.
-
Expert-Agnostic Ultrasound Image Quality Assessment using Deep Variational Clustering
Authors:
Deepak Raina,
Dimitrios Ntentia,
SH Chandrashekhara,
Richard Voyles,
Subir Kumar Saha
Abstract:
Ultrasound imaging is a commonly used modality for several diagnostic and therapeutic procedures. However, the diagnosis by ultrasound relies heavily on the quality of images assessed manually by sonographers, which diminishes the objectivity of the diagnosis and makes it operator-dependent. The supervised learning-based methods for automated quality assessment require manually annotated datasets,…
▽ More
Ultrasound imaging is a commonly used modality for several diagnostic and therapeutic procedures. However, the diagnosis by ultrasound relies heavily on the quality of images assessed manually by sonographers, which diminishes the objectivity of the diagnosis and makes it operator-dependent. The supervised learning-based methods for automated quality assessment require manually annotated datasets, which are highly labour-intensive to acquire. These ultrasound images are low in quality and suffer from noisy annotations caused by inter-observer perceptual variations, which hampers learning efficiency. We propose an UnSupervised UltraSound image Quality assessment Network, US2QNet, that eliminates the burden and uncertainty of manual annotations. US2QNet uses the variational autoencoder embedded with the three modules, pre-processing, clustering and post-processing, to jointly enhance, extract, cluster and visualize the quality feature representation of ultrasound images. The pre-processing module uses filtering of images to point the network's attention towards salient quality features, rather than getting distracted by noise. Post-processing is proposed for visualizing the clusters of feature representations in 2D space. We validated the proposed framework for quality assessment of the urinary bladder ultrasound images. The proposed framework achieved 78% accuracy and superior performance to state-of-the-art clustering methods.
△ Less
Submitted 6 July, 2023; v1 submitted 5 July, 2023;
originally announced July 2023.
-
Concealing CAN Message Sequences to Prevent Schedule-based Bus-off Attacks
Authors:
Sunandan Adhikary,
Ipsita Koley,
Arkaprava Sain,
Soumyadeep das,
Shuvam Saha,
Soumyajit Dey
Abstract:
This work focuses on eliminating timing-side channels in real-time safety-critical cyber-physical network protocols like Controller Area Networks (CAN). Automotive Electronic Control Units (ECUs) implement predictable scheduling decisions based on task level response time estimation. Such levels of determinism exposes timing information about task executions and therefore corresponding message tra…
▽ More
This work focuses on eliminating timing-side channels in real-time safety-critical cyber-physical network protocols like Controller Area Networks (CAN). Automotive Electronic Control Units (ECUs) implement predictable scheduling decisions based on task level response time estimation. Such levels of determinism exposes timing information about task executions and therefore corresponding message transmissions via the network buses (that connect the ECUs and actuators). With proper analysis, such timing side channels can be utilized to launch several schedule-based attacks that can lead to eventual denial-of-service or man-in-the-middle-type attacks. To eliminate this determinism, we propose a novel schedule obfuscation strategy by skipping certain control task executions and related data transmissions along with random shifting of the victim task instance. While doing this, our strategy contemplates the performance of the control task as well by bounding the number of control execution skips. We analytically demonstrate how the attack success probability (ASP) is reduced under this proposed attack-aware skipping and randomization. We also demonstrate the efficacy and real-time applicability of our attack-aware schedule obfuscation strategy Hide-n-Seek by applying it to synthesized automotive task sets in a real-time Hardware-in-loop (HIL) setup.
△ Less
Submitted 15 June, 2023;
originally announced June 2023.
-
Model Predictive Control for Integrated Lateral Stability
Authors:
Jad Yahya,
Siddharth Saha,
Haoru Xue,
Allen Y. Yang
Abstract:
This paper studies the design of a Model Predictive Controller (MPC) for integrated lateral stability, traction/braking control, and rollover prevention of electric vehicles intended for very high speed (VHS) racing applications. We first identify the advantages of a state-of-the-art dynamic model in that it includes rollover prevention into the MPC (a total of 8 states) and also linearizes the ti…
▽ More
This paper studies the design of a Model Predictive Controller (MPC) for integrated lateral stability, traction/braking control, and rollover prevention of electric vehicles intended for very high speed (VHS) racing applications. We first identify the advantages of a state-of-the-art dynamic model in that it includes rollover prevention into the MPC (a total of 8 states) and also linearizes the tire model prior to solving the MPC problem to save computation time. Then the design of a novel model predictive controller for lateral stability control is proposed aimed for achieving stable control at top speed significantly greater than typical highway speed limits. We have tested the new solution in simulation environments associated with the Indy Autonomous Challenge, where its real-world racing conditions include significant road banking angles, lateral position tracking, and a different suspension model of its Dallara Indy Lights chassis. The results are very promising with a low solver time in Python, as low as 50 Hz, and a lateral error of 30 cm at speeds of 45 m/s. Our open source code is available at: https: //github.com/jadyahya/Roll-Yaw-and-Lateral-Velocity-MPC/.
△ Less
Submitted 9 June, 2023;
originally announced June 2023.
-
Deep Unsupervised Learning for 3D ALS Point Cloud Change Detection
Authors:
Iris de Gélis,
Sudipan Saha,
Muhammad Shahzad,
Thomas Corpetti,
Sébastien Lefèvre,
Xiao Xiang Zhu
Abstract:
Change detection from traditional \added{2D} optical images has limited capability to model the changes in the height or shape of objects. Change detection using 3D point cloud \added{from photogrammetry or LiDAR surveying} can fill this gap by providing critical depth information. While most existing machine learning based 3D point cloud change detection methods are supervised, they severely depe…
▽ More
Change detection from traditional \added{2D} optical images has limited capability to model the changes in the height or shape of objects. Change detection using 3D point cloud \added{from photogrammetry or LiDAR surveying} can fill this gap by providing critical depth information. While most existing machine learning based 3D point cloud change detection methods are supervised, they severely depend on the availability of annotated training data, which is in practice a critical point. To circumnavigate this dependence, we propose an unsupervised 3D point cloud change detection method mainly based on self-supervised learning using deep clustering and contrastive learning. The proposed method also relies on an adaptation of deep change vector analysis to 3D point cloud via nearest point comparison. Experiments conducted on \added{an aerial LiDAR survey dataset} show that the proposed method obtains higher performance in comparison to the traditional unsupervised methods, with a gain of about 9\% in mean accuracy (to reach more than 85\%). Thus, it appears to be a relevant choice in scenario where prior knowledge (labels) is not ensured.
△ Less
Submitted 15 December, 2023; v1 submitted 5 May, 2023;
originally announced May 2023.
-
Slim U-Net: Efficient Anatomical Feature Preserving U-net Architecture for Ultrasound Image Segmentation
Authors:
Deepak Raina,
Kashish Verma,
SH Chandrashekhara,
Subir Kumar Saha
Abstract:
We investigate the applicability of U-Net based models for segmenting Urinary Bladder (UB) in male pelvic view UltraSound (US) images. The segmentation of UB in the US image aids radiologists in diagnosing the UB. However, UB in US images has arbitrary shapes, indistinct boundaries and considerably large inter- and intra-subject variability, making segmentation a quite challenging task. Our study…
▽ More
We investigate the applicability of U-Net based models for segmenting Urinary Bladder (UB) in male pelvic view UltraSound (US) images. The segmentation of UB in the US image aids radiologists in diagnosing the UB. However, UB in US images has arbitrary shapes, indistinct boundaries and considerably large inter- and intra-subject variability, making segmentation a quite challenging task. Our study of the state-of-the-art (SOTA) segmentation network, U-Net, for the problem reveals that it often fails to capture the salient characteristics of UB due to the varying shape and scales of anatomy in the noisy US image. Also, U-net has an excessive number of trainable parameters, reporting poor computational efficiency during training. We propose a Slim U-Net to address the challenges of UB segmentation. Slim U-Net proposes to efficiently preserve the salient features of UB by reshaping the structure of U-Net using a less number of 2D convolution layers in the contracting path, in order to preserve and impose them on expanding path. To effectively distinguish the blurred boundaries, we propose a novel annotation methodology, which includes the background area of the image at the boundary of a marked region of interest (RoI), thereby steering the model's attention towards boundaries. In addition, we suggested a combination of loss functions for network training in the complex segmentation of UB. The experimental results demonstrate that Slim U-net is statistically superior to U-net for UB segmentation. The Slim U-net further decreases the number of trainable parameters and training time by 54% and 57.7%, respectively, compared to the standard U-Net, without compromising the segmentation accuracy.
△ Less
Submitted 22 February, 2023;
originally announced February 2023.
-
Heart Abnormality Detection from Heart Sound Signals using MFCC Feature and Dual Stream Attention Based Network
Authors:
Nayeeb Rashid,
Swapnil Saha,
Mohseu Rashid Subah,
Rizwan Ahmed Robin,
Syed Mortuza Hasan Fahim,
Shahed Ahmed,
Talha Ibn Mahmud
Abstract:
Cardiovascular diseases are one of the leading cause of death in today's world and early screening of heart condition plays a crucial role in preventing them. The heart sound signal is one of the primary indicator of heart condition and can be used to detect abnormality in the heart. The acquisition of heart sound signal is non-invasive, cost effective and requires minimum equipment. But currently…
▽ More
Cardiovascular diseases are one of the leading cause of death in today's world and early screening of heart condition plays a crucial role in preventing them. The heart sound signal is one of the primary indicator of heart condition and can be used to detect abnormality in the heart. The acquisition of heart sound signal is non-invasive, cost effective and requires minimum equipment. But currently the detection of heart abnormality from heart sound signal depends largely on the expertise and experience of the physician. As such an automatic detection system for heart abnormality detection from heart sound signal can be a great asset for the people living in underdeveloped areas. In this paper we propose a novel deep learning based dual stream network with attention mechanism that uses both the raw heart sound signal and the MFCC features to detect abnormality in heart condition of a patient. The deep neural network has a convolutional stream that uses the raw heart sound signal and a recurrent stream that uses the MFCC features of the signal. The features from these two streams are merged together using a novel attention network and passed through the classification network. The model is trained on the largest publicly available dataset of PCG signal and achieves an accuracy of 87.11, sensitivity of 82.41, specificty of 91.8 and a MACC of 87.12.
△ Less
Submitted 17 November, 2022;
originally announced November 2022.
-
A Sequence Agnostic Multimodal Preprocessing for Clogged Blood Vessel Detection in Alzheimer's Diagnosis
Authors:
Partho Ghosh,
Md. Abrar Istiak,
Mir Sayeed Mohammad,
Swapnil Saha,
Uday Kamal
Abstract:
Successful identification of blood vessel blockage is a crucial step for Alzheimer's disease diagnosis. These blocks can be identified from the spatial and time-depth variable Two-Photon Excitation Microscopy (TPEF) images of the brain blood vessels using machine learning methods. In this study, we propose several preprocessing schemes to improve the performance of these methods. Our method includ…
▽ More
Successful identification of blood vessel blockage is a crucial step for Alzheimer's disease diagnosis. These blocks can be identified from the spatial and time-depth variable Two-Photon Excitation Microscopy (TPEF) images of the brain blood vessels using machine learning methods. In this study, we propose several preprocessing schemes to improve the performance of these methods. Our method includes 3D-point cloud data extraction from image modality and their feature-space fusion to leverage complementary information inherent in different modalities. We also enforce the learned representation to be sequence-order invariant by utilizing bi-direction dataflow. Experimental results on The Clog Loss dataset show that our proposed method consistently outperforms the state-of-the-art preprocessing methods in stalled and non-stalled vessel classification.
△ Less
Submitted 6 November, 2022;
originally announced November 2022.
-
MIMA -- Multifunctional IoT Integrated Menstrual Aid
Authors:
Jyothish Kumar J,
Subhankar Mishra,
Amish Bibhu,
Shreya Shivangi,
Sulagna Saha
Abstract:
Menstruation is the monthly shedding of the endometrium lining of a woman's uterus. The average age when girls start menstruating is around the age of 12 years (menarche), and the cycle continues until they attain menopause (about the age of 51). Medical research and analysis in this field reveal that most women have to go through a painful cycle of abdominal cramps along with sanitary pad rashes,…
▽ More
Menstruation is the monthly shedding of the endometrium lining of a woman's uterus. The average age when girls start menstruating is around the age of 12 years (menarche), and the cycle continues until they attain menopause (about the age of 51). Medical research and analysis in this field reveal that most women have to go through a painful cycle of abdominal cramps along with sanitary pad rashes, while painkillers or endurance ability are their go-to solution. Heat pads or hot water bags also help in pain reduction. Currently, the concept of period pants revolves around pad-free and hassle-free periods for women, whereas most women still prefer sanitary pads during their period cycle. MIMA aims at the development of IoT integrated smart, functional intimate wear for women that would help women comfort during menstruation by catering to issues of menstrual cramps, rashes, leakage and stains, malodor, etc. The proposed methodology has been implemented by referring to the online survey conducted from Indian women (17-58 years old). MIMA can provide comfort during the menstruation cycle with IoT integrated Heat-Pad and functional alterations in the garment for a rash-free, anti-odor, and leak-proof period.
△ Less
Submitted 26 October, 2022;
originally announced October 2022.
-
TrustToken, a Trusted SoC solution for Non-Trusted Intellectual Property (IP)s
Authors:
Muhammed Kawser Ahmed,
Sujan Kumar Saha,
Christophe Bobda
Abstract:
Secure and trustworthy execution in heterogeneous SoCs is a major priority in the modern computing system. Security of SoCs mainly addresses two broad layers of trust issues: 1. Protection against hardware security threats(Side-channel, IP Privacy, Cloning, Fault Injection, and Denial of Service); and 2. Protection against malicious software attacks running on SoC processors. To resist malicious s…
▽ More
Secure and trustworthy execution in heterogeneous SoCs is a major priority in the modern computing system. Security of SoCs mainly addresses two broad layers of trust issues: 1. Protection against hardware security threats(Side-channel, IP Privacy, Cloning, Fault Injection, and Denial of Service); and 2. Protection against malicious software attacks running on SoC processors. To resist malicious software-level attackers from gaining unauthorized access and compromising security, we propose a root of trust-based trusted execution mechanism \textbf{\textit{(named as \textbf{TrustToken}) }}. TrustToken builds a security block to provide a root of trust-based IP security: secure key generation and truly random source.
\textbf{TrustToken} only allows trusted communication between the non-trusted third-party IP and the rest of the SoC world by providing essential security features, i.e., secure, isolated execution, and trusted user interaction. The proposed design achieves this by interconnecting the third-party IP interface to \textbf{TrustToken} Controller and checking IP authorization(Token) signals \texttt{`correctness'} at run-time. \textbf{TrustToken} architecture shows a very low overhead resource utilization LUT (618, 1.16 \%), FF (44, 0.04 \%), and BUFG (2 , 6.25\%) in implementation. The experiment results show that TrustToken can provide a secure, low-cost, and trusted solution for non-trusted SoC IPs.
△ Less
Submitted 26 September, 2022;
originally announced September 2022.
-
Trusted IP solution in multi-tenant cloud FPGA platform
Authors:
Muhammed Kawser Ahmed,
Sujan Kumar Saha,
Christophe Bobda
Abstract:
Because FPGAs outperform traditional processing cores like CPUs and GPUs in terms of performance per watt and flexibility, they are being used more and more in cloud and data center applications. There are growing worries about the security risks posed by multi-tenant sharing as the demand for hardware acceleration increases and gradually gives way to FPGA multi-tenancy in the cloud. The confident…
▽ More
Because FPGAs outperform traditional processing cores like CPUs and GPUs in terms of performance per watt and flexibility, they are being used more and more in cloud and data center applications. There are growing worries about the security risks posed by multi-tenant sharing as the demand for hardware acceleration increases and gradually gives way to FPGA multi-tenancy in the cloud. The confidentiality, integrity, and availability of FPGA-accelerated applications may be compromised if space-shared FPGAs are made available to many cloud tenants. We propose a root of trust-based trusted execution mechanism called \textbf{TrustToken} to prevent harmful software-level attackers from getting unauthorized access and jeopardizing security. With safe key creation and truly random sources, \textbf{TrustToken} creates a security block that serves as the foundation of trust-based IP security. By offering crucial security characteristics, such as secure, isolated execution and trusted user interaction, \textbf{TrustToken} only permits trustworthy connection between the non-trusted third-party IP and the rest of the SoC environment. The suggested approach does this by connecting the third-party IP interface to the \textbf{TrustToken} Controller and running run-time checks on the correctness of the IP authorization(Token) signals. With an emphasis on software-based assaults targeting unauthorized access and information leakage, we offer a noble hardware/software architecture for trusted execution in FPGA-accelerated clouds and data centers.
△ Less
Submitted 22 September, 2022;
originally announced September 2022.
-
Multi-Tenant Cloud FPGA: A Survey on Security
Authors:
Muhammed Kawser Ahmed,
Joel Mandebi,
Sujan Kumar Saha,
Christophe Bobda
Abstract:
With the exponentially increasing demand for performance and scalability in cloud applications and systems, data center architectures evolved to integrate heterogeneous computing fabrics that leverage CPUs, GPUs, and FPGAs. FPGAs differ from traditional processing platforms such as CPUs and GPUs in that they are reconfigurable at run-time, providing increased and customized performance, flexibilit…
▽ More
With the exponentially increasing demand for performance and scalability in cloud applications and systems, data center architectures evolved to integrate heterogeneous computing fabrics that leverage CPUs, GPUs, and FPGAs. FPGAs differ from traditional processing platforms such as CPUs and GPUs in that they are reconfigurable at run-time, providing increased and customized performance, flexibility, and acceleration. FPGAs can perform large-scale search optimization, acceleration, and signal processing tasks compared with power, latency, and processing speed. Many public cloud provider giants, including Amazon, Huawei, Microsoft, Alibaba, etc., have already started integrating FPGA-based cloud acceleration services. While FPGAs in cloud applications enable customized acceleration with low power consumption, it also incurs new security challenges that still need to be reviewed. Allowing cloud users to reconfigure the hardware design after deployment could open the backdoors for malicious attackers, potentially putting the cloud platform at risk. Considering security risks, public cloud providers still don't offer multi-tenant FPGA services. This paper analyzes the security concerns of multi-tenant cloud FPGAs, gives a thorough description of the security problems associated with them, and discusses upcoming future challenges in this field of study.
△ Less
Submitted 22 September, 2022;
originally announced September 2022.
-
Robust Artificial Delay based Impedance Control of Robotic Manipulators with Uncertain Dynamics
Authors:
Udayan Banerjee,
Bhabani Shankar Dey,
Indra Narayan Kar,
Subir Kumar Saha
Abstract:
In this paper an artificial delay based impedance controller is proposed for robotic manipulators with uncertainty in dynamics. The control law unites the time delayed estimation (TDE) framework with a second order switching controller of super twisting algorithm (STA) type via a novel generalized filtered tracking error (GFTE). While time delayed estimation framework eliminates the need for accur…
▽ More
In this paper an artificial delay based impedance controller is proposed for robotic manipulators with uncertainty in dynamics. The control law unites the time delayed estimation (TDE) framework with a second order switching controller of super twisting algorithm (STA) type via a novel generalized filtered tracking error (GFTE). While time delayed estimation framework eliminates the need for accurate modelling of robot dynamics by estimating the uncertain robot dynamics and interaction forces from immediate past data of state and control effort, the second order switching control law in the outer loop provides robustness against the time delayed estimation (TDE) error that arises due to approximation of the manipulator dynamics. Thus, the proposed control law tries to establish a desired impedance model between the robot end effector variables i.e. force and motion in presence of uncertainties, both when it is encountering smooth contact forces and during free motion. Simulation results for a two link manipulator using the proposed controller along with convergence analysis are shown to validate the proposition.
△ Less
Submitted 20 August, 2022; v1 submitted 18 August, 2022;
originally announced August 2022.
-
Human Activity Recognition on Time Series Accelerometer Sensor Data using LSTM Recurrent Neural Networks
Authors:
Chrisogonas O. Odhiambo,
Sanjoy Saha,
Corby K. Martin,
Homayoun Valafar
Abstract:
The use of sensors available through smart devices has pervaded everyday life in several applications including human activity monitoring, healthcare, and social networks. In this study, we focus on the use of smartwatch accelerometer sensors to recognize eating activity. More specifically, we collected sensor data from 10 participants while consuming pizza. Using this information, and other compa…
▽ More
The use of sensors available through smart devices has pervaded everyday life in several applications including human activity monitoring, healthcare, and social networks. In this study, we focus on the use of smartwatch accelerometer sensors to recognize eating activity. More specifically, we collected sensor data from 10 participants while consuming pizza. Using this information, and other comparable data available for similar events such as smoking and medication-taking, and dissimilar activities of jogging, we developed a LSTM-ANN architecture that has demonstrated 90% success in identifying individual bites compared to a puff, medication-taking or jogging activities.
△ Less
Submitted 3 June, 2022;
originally announced June 2022.
-
LiVeR: Lightweight Vehicle Detection and Classification in Real-Time
Authors:
Chandra Shekhar,
Jagnyashini Debadarshini,
Sudipta Saha
Abstract:
Detection and classification of vehicles are very significant components in an Intelligent-Transportation System. Existing solutions not only use heavy-weight and costly equipment, but also largely depend on constant cloud (Internet) connectivity, as well as adequate uninterrupted power-supply. Such dependencies make these solutions fundamentally impractical considering the possible adversities of…
▽ More
Detection and classification of vehicles are very significant components in an Intelligent-Transportation System. Existing solutions not only use heavy-weight and costly equipment, but also largely depend on constant cloud (Internet) connectivity, as well as adequate uninterrupted power-supply. Such dependencies make these solutions fundamentally impractical considering the possible adversities of outdoor environment as well as requirement of correlated wide-area operation. For practical use, apart from being technically sound and accurate, a solution has to be lightweight, cost-effective, easy-to-install, flexible as well as supporting efficient time-correlated coverage over large area. In this work we propose an IoT-assisted strategy to fulfil all these goals together. We adopt a top-down approach where we first introduce a lightweight framework for time-correlated low-cost wide-area measurement and then reuse the concept for developing the individual measurement units. Our extensive outdoor measurement studies and trace-based simulation on the empirical data show about 98% accuracy in vehicle detection and upto 93% of accuracy in classification of the vehicles over moderately busy urban roads.
△ Less
Submitted 27 May, 2022;
originally announced June 2022.
-
Deep Sequence Modeling for Anomalous ISP Traffic Prediction
Authors:
Sajal Saha,
Anwar Haque,
Greg Sidebottom
Abstract:
Internet traffic in the real world is susceptible to various external and internal factors which may abruptly change the normal traffic flow. Those unexpected changes are considered outliers in traffic. However, deep sequence models have been used to predict complex IP traffic, but their comparative performance for anomalous traffic has not been studied extensively. In this paper, we investigated…
▽ More
Internet traffic in the real world is susceptible to various external and internal factors which may abruptly change the normal traffic flow. Those unexpected changes are considered outliers in traffic. However, deep sequence models have been used to predict complex IP traffic, but their comparative performance for anomalous traffic has not been studied extensively. In this paper, we investigated and evaluated the performance of different deep sequence models for anomalous traffic prediction. Several deep sequences models were implemented to predict real traffic without and with outliers and show the significance of outlier detection in real-world traffic prediction. First, two different outlier detection techniques, such as the Three-Sigma rule and Isolation Forest, were applied to identify the anomaly. Second, we adjusted those abnormal data points using the Backward Filling technique before training the model. Finally, the performance of different models was compared for abnormal and adjusted traffic. LSTM_Encoder_Decoder (LSTM_En_De) is the best prediction model in our experiment, reducing the deviation between actual and predicted traffic by more than 11\% after adjusting the outliers. All other models, including Recurrent Neural Network (RNN), Long Short-Term Memory (LSTM), LSTM_En_De with Attention layer (LSTM_En_De_Atn), Gated Recurrent Unit (GRU), show better prediction after replacing the outliers and decreasing prediction error by more than 29%, 24%, 19%, and 10% respectively. Our experimental results indicate that the outliers in the data can significantly impact the quality of the prediction. Thus, outlier detection and mitigation assist the deep sequence model in learning the general trend and making better predictions.
△ Less
Submitted 3 May, 2022;
originally announced May 2022.
-
Adaptive Control of Distributed Energy Resources for Distribution Grid Voltage Stability
Authors:
Daniel Arnold,
Shammya Saha,
Sy-Toan Ngo,
Ciaran Roberts,
Anna Scaglione,
Nathan Johnson,
Sean Peisert,
David Pinney
Abstract:
Volt-VAR and Volt-Watt functionality in photovoltaic (PV) smart inverters provide mechanisms to ensure system voltage magnitudes and power factors remain within acceptable limits. However, these control functions can become unstable, introducing oscillations in system voltages when not appropriately configured or maliciously altered during a cyberattack. In the event that Volt-VAR and Volt-Watt co…
▽ More
Volt-VAR and Volt-Watt functionality in photovoltaic (PV) smart inverters provide mechanisms to ensure system voltage magnitudes and power factors remain within acceptable limits. However, these control functions can become unstable, introducing oscillations in system voltages when not appropriately configured or maliciously altered during a cyberattack. In the event that Volt-VAR and Volt-Watt control functions in a portion of PV smart inverters in a distribution grid are unstable, the proposed adaptation scheme utilizes the remaining and stably-behaving PV smart inverters and other Distributed Energy Resources to mitigate the effect of the instability. The adaptation mechanism is entirely decentralized, model-free, communication-free, and requires virtually no external configuration. We provide a derivation of the adaptive control approach and validate the algorithm in experiments on the IEEE 37 and 8500 node test feeders.
△ Less
Submitted 10 February, 2022;
originally announced February 2022.
-
Mitigating domain shift in AI-based tuberculosis screening with unsupervised domain adaptation
Authors:
Nishanjan Ravin,
Sourajit Saha,
Alan Schweitzer,
Ameena Elahi,
Farouk Dako,
Daniel Mollura,
David Chapman
Abstract:
We demonstrate that Domain Invariant Feature Learning (DIFL) can improve the out-of-domain generalizability of a deep learning Tuberculosis screening algorithm. It is well known that state of the art deep learning algorithms often have difficulty generalizing to unseen data distributions due to "domain shift". In the context of medical imaging, this could lead to unintended biases such as the inab…
▽ More
We demonstrate that Domain Invariant Feature Learning (DIFL) can improve the out-of-domain generalizability of a deep learning Tuberculosis screening algorithm. It is well known that state of the art deep learning algorithms often have difficulty generalizing to unseen data distributions due to "domain shift". In the context of medical imaging, this could lead to unintended biases such as the inability to generalize from one patient population to another. We analyze the performance of a ResNet-50 classifier for the purposes of Tuberculosis screening using the four most popular public datasets with geographically diverse sources of imagery. We show that without domain adaptation, ResNet-50 has difficulty in generalizing between imaging distributions from a number of public Tuberculosis screening datasets with imagery from geographically distributed regions. However, with the incorporation of DIFL, the out-of-domain performance is greatly enhanced. Analysis criteria includes a comparison of accuracy, sensitivity, specificity and AUC over both the baseline, as well as the DIFL enhanced algorithms. We conclude that DIFL improves generalizability of Tuberculosis screening while maintaining acceptable accuracy over the source domain imagery when applied across a variety of public datasets.
△ Less
Submitted 8 November, 2021;
originally announced November 2021.
-
Fibro-CoSANet: Pulmonary Fibrosis Prognosis Prediction using a Convolutional Self Attention Network
Authors:
Zabir Al Nazi,
Fazla Rabbi Mashrur,
Md Amirul Islam,
Shumit Saha
Abstract:
Idiopathic pulmonary fibrosis (IPF) is a restrictive interstitial lung disease that causes lung function decline by lung tissue scarring. Although lung function decline is assessed by the forced vital capacity (FVC), determining the accurate progression of IPF remains a challenge. To address this challenge, we proposed Fibro-CoSANet, a novel end-to-end multi-modal learning-based approach, to predi…
▽ More
Idiopathic pulmonary fibrosis (IPF) is a restrictive interstitial lung disease that causes lung function decline by lung tissue scarring. Although lung function decline is assessed by the forced vital capacity (FVC), determining the accurate progression of IPF remains a challenge. To address this challenge, we proposed Fibro-CoSANet, a novel end-to-end multi-modal learning-based approach, to predict the FVC decline. Fibro-CoSANet utilized CT images and demographic information in convolutional neural network frameworks with a stacked attention layer. Extensive experiments on the OSIC Pulmonary Fibrosis Progression Dataset demonstrated the superiority of our proposed Fibro-CoSANet by achieving the new state-of-the-art modified Laplace Log-Likelihood score of -6.68. This network may benefit research areas concerned with designing networks to improve the prognostic accuracy of IPF. The source-code for Fibro-CoSANet is available at: \url{https://github.com/zabir-nabil/Fibro-CoSANet}.
△ Less
Submitted 12 April, 2021;
originally announced April 2021.
-
Deep Reinforcement Learning for Band Selection in Hyperspectral Image Classification
Authors:
Lichao Mou,
Sudipan Saha,
Yuansheng Hua,
Francesca Bovolo,
Lorenzo Bruzzone,
Xiao Xiang Zhu
Abstract:
Band selection refers to the process of choosing the most relevant bands in a hyperspectral image. By selecting a limited number of optimal bands, we aim at speeding up model training, improving accuracy, or both. It reduces redundancy among spectral bands while trying to preserve the original information of the image. By now many efforts have been made to develop unsupervised band selection appro…
▽ More
Band selection refers to the process of choosing the most relevant bands in a hyperspectral image. By selecting a limited number of optimal bands, we aim at speeding up model training, improving accuracy, or both. It reduces redundancy among spectral bands while trying to preserve the original information of the image. By now many efforts have been made to develop unsupervised band selection approaches, of which the majority are heuristic algorithms devised by trial and error. In this paper, we are interested in training an intelligent agent that, given a hyperspectral image, is capable of automatically learning policy to select an optimal band subset without any hand-engineered reasoning. To this end, we frame the problem of unsupervised band selection as a Markov decision process, propose an effective method to parameterize it, and finally solve the problem by deep reinforcement learning. Once the agent is trained, it learns a band-selection policy that guides the agent to sequentially select bands by fully exploiting the hyperspectral image and previously picked bands. Furthermore, we propose two different reward schemes for the environment simulation of deep reinforcement learning and compare them in experiments. This, to the best of our knowledge, is the first study that explores a deep reinforcement learning model for hyperspectral image analysis, thus opening a new door for future research and showcasing the great potential of deep reinforcement learning in remote sensing applications. Extensive experiments are carried out on four hyperspectral data sets, and experimental results demonstrate the effectiveness of the proposed method.
△ Less
Submitted 15 March, 2021;
originally announced March 2021.
-
Self-Supervised Multisensor Change Detection
Authors:
Sudipan Saha,
Patrick Ebel,
Xiao Xiang Zhu
Abstract:
Most change detection methods assume that pre-change and post-change images are acquired by the same sensor. However, in many real-life scenarios, e.g., natural disaster, it is more practical to use the latest available images before and after the occurrence of incidence, which may be acquired using different sensors. In particular, we are interested in the combination of the images acquired by op…
▽ More
Most change detection methods assume that pre-change and post-change images are acquired by the same sensor. However, in many real-life scenarios, e.g., natural disaster, it is more practical to use the latest available images before and after the occurrence of incidence, which may be acquired using different sensors. In particular, we are interested in the combination of the images acquired by optical and Synthetic Aperture Radar (SAR) sensors. SAR images appear vastly different from the optical images even when capturing the same scene. Adding to this, change detection methods are often constrained to use only target image-pair, no labeled data, and no additional unlabeled data. Such constraints limit the scope of traditional supervised machine learning and unsupervised generative approaches for multi-sensor change detection. Recent rapid development of self-supervised learning methods has shown that some of them can even work with only few images. Motivated by this, in this work we propose a method for multi-sensor change detection using only the unlabeled target bi-temporal images that are used for training a network in self-supervised fashion by using deep clustering and contrastive learning. The proposed method is evaluated on four multi-modal bi-temporal scenes showing change and the benefits of our self-supervised approach are demonstrated.
△ Less
Submitted 23 January, 2022; v1 submitted 12 February, 2021;
originally announced March 2021.
-
COVID-19 identification from volumetric chest CT scans using a progressively resized 3D-CNN incorporating segmentation, augmentation, and class-rebalancing
Authors:
Md. Kamrul Hasan,
Md. Tasnim Jawad,
Kazi Nasim Imtiaz Hasan,
Sajal Basak Partha,
Md. Masum Al Masba,
Shumit Saha
Abstract:
The novel COVID-19 is a global pandemic disease overgrowing worldwide. Computer-aided screening tools with greater sensitivity is imperative for disease diagnosis and prognosis as early as possible. It also can be a helpful tool in triage for testing and clinical supervision of COVID-19 patients. However, designing such an automated tool from non-invasive radiographic images is challenging as many…
▽ More
The novel COVID-19 is a global pandemic disease overgrowing worldwide. Computer-aided screening tools with greater sensitivity is imperative for disease diagnosis and prognosis as early as possible. It also can be a helpful tool in triage for testing and clinical supervision of COVID-19 patients. However, designing such an automated tool from non-invasive radiographic images is challenging as many manually annotated datasets are not publicly available yet, which is the essential core requirement of supervised learning schemes. This article proposes a 3D Convolutional Neural Network (CNN)-based classification approach considering both the inter- and intra-slice spatial voxel information. The proposed system is trained in an end-to-end manner on the 3D patches from the whole volumetric CT images to enlarge the number of training samples, performing the ablation studies on patch size determination. We integrate progressive resizing, segmentation, augmentations, and class-rebalancing to our 3D network. The segmentation is a critical prerequisite step for COVID-19 diagnosis enabling the classifier to learn prominent lung features while excluding the outer lung regions of the CT scans. We evaluate all the extensive experiments on a publicly available dataset, named MosMed, having binary- and multi-class chest CT image partitions. Our experimental results are very encouraging, yielding areas under the ROC curve of 0.914 and 0.893 for the binary- and multi-class tasks, respectively, applying 5-fold cross-validations. Our method's promising results delegate it as a favorable aiding tool for clinical practitioners and radiologists to assess COVID-19.
△ Less
Submitted 14 April, 2021; v1 submitted 11 February, 2021;
originally announced February 2021.
-
Ultrasound Image Classification using ACGAN with Small Training Dataset
Authors:
Sudipan Saha,
Nasrullah Sheikh
Abstract:
B-mode ultrasound imaging is a popular medical imaging technique. Like other image processing tasks, deep learning has been used for analysis of B-mode ultrasound images in the last few years. However, training deep learning models requires large labeled datasets, which is often unavailable for ultrasound images. The lack of large labeled data is a bottleneck for the use of deep learning in ultras…
▽ More
B-mode ultrasound imaging is a popular medical imaging technique. Like other image processing tasks, deep learning has been used for analysis of B-mode ultrasound images in the last few years. However, training deep learning models requires large labeled datasets, which is often unavailable for ultrasound images. The lack of large labeled data is a bottleneck for the use of deep learning in ultrasound image analysis. To overcome this challenge, in this work we exploit Auxiliary Classifier Generative Adversarial Network (ACGAN) that combines the benefits of data augmentation and transfer learning in the same framework. We conduct experiment on a dataset of breast ultrasound images that shows the effectiveness of the proposed approach.
△ Less
Submitted 31 January, 2021;
originally announced February 2021.
-
Lyapunov Stability of Smart Inverters Using Linearized DistFlow Approximation
Authors:
Shammya Shananda Saha,
Daniel Arnold,
Anna Scaglione,
Eran Schweitzer,
Ciaran Roberts,
Sean Peisert,
Nathan G. Johnson
Abstract:
Fast-acting smart inverters that utilize preset operating conditions to determine real and reactive power injection/consumption can create voltage instabilities (over-voltage, voltage oscillations and more) in an electrical distribution network if set-points are not properly configured. In this work, linear distribution power flow equations and droop-based Volt-Var and Volt-Watt control curves are…
▽ More
Fast-acting smart inverters that utilize preset operating conditions to determine real and reactive power injection/consumption can create voltage instabilities (over-voltage, voltage oscillations and more) in an electrical distribution network if set-points are not properly configured. In this work, linear distribution power flow equations and droop-based Volt-Var and Volt-Watt control curves are used to analytically derive a stability criterion using \lyapnouv analysis that includes the network operating condition. The methodology is generally applicable for control curves that can be represented as Lipschitz functions. The derived Lipschitz constants account for smart inverter hardware limitations for reactive power generation. A local policy is derived from the stability criterion that allows inverters to adapt their control curves by monitoring only local voltage, thus avoiding centralized control or information sharing with other inverters. The criterion is independent of the internal time-delays of smart inverters. Simulation results for inverters with and without the proposed stabilization technique demonstrate how smart inverters can mitigate voltage oscillations locally and mitigate real and reactive power flow disturbances at the substation under multiple scenarios. The study concludes with illustrations of how the control policy can dampen oscillations caused by solar intermittency and cyber-attacks.
△ Less
Submitted 18 November, 2020;
originally announced November 2020.
-
A Secure Distributed Ledger for Transactive Energy: The Electron Volt Exchange (EVE) Blockchain
Authors:
Shammya Saha,
Nikhil Ravi,
Kari Hreinsson,
Jaejong Baek,
Anna Scaglione,
Nathan G. Johnson
Abstract:
The adoption of blockchain for Transactive Energy has gained significant momentum as it allows mutually non-trusting agents to trade energy services in a trustless energy market. Research to date has assumed that the built-in Byzantine Fault Tolerance in recording transactions in a ledger is sufficient to ensure integrity. Such work must be extended to address security gaps including random bilate…
▽ More
The adoption of blockchain for Transactive Energy has gained significant momentum as it allows mutually non-trusting agents to trade energy services in a trustless energy market. Research to date has assumed that the built-in Byzantine Fault Tolerance in recording transactions in a ledger is sufficient to ensure integrity. Such work must be extended to address security gaps including random bilateral transactions that do not guarantee reliable and efficient market operation, and market participants having incentives to cheat when reporting actual production/consumption figures. Work herein introduces the Electron Volt Exchange framework with the following characteristics: 1) a distributed protocol for pricing and scheduling prosumers' production/consumption while keeping constraints and bids private, and 2) a distributed algorithm to prevent theft that verifies prosumers' compliance to scheduled transactions using information from grid sensors (such as smart meters) and mitigates the impact of false data injection attacks. Flexibility and robustness of the approach are demonstrated through simulation and implementation using Hyperledger Fabric.
△ Less
Submitted 13 November, 2020;
originally announced November 2020.
-
Deep Reinforcement Learning for DER Cyber-Attack Mitigation
Authors:
Ciaran Roberts,
Sy-Toan Ngo,
Alexandre Milesi,
Sean Peisert,
Daniel Arnold,
Shammya Saha,
Anna Scaglione,
Nathan Johnson,
Anton Kocheturov,
Dmitriy Fradkin
Abstract:
The increasing penetration of DER with smart-inverter functionality is set to transform the electrical distribution network from a passive system, with fixed injection/consumption, to an active network with hundreds of distributed controllers dynamically modulating their operating setpoints as a function of system conditions. This transition is being achieved through standardization of functionali…
▽ More
The increasing penetration of DER with smart-inverter functionality is set to transform the electrical distribution network from a passive system, with fixed injection/consumption, to an active network with hundreds of distributed controllers dynamically modulating their operating setpoints as a function of system conditions. This transition is being achieved through standardization of functionality through grid codes and/or international standards. DER, however, are unique in that they are typically neither owned nor operated by distribution utilities and, therefore, represent a new emerging attack vector for cyber-physical attacks. Within this work we consider deep reinforcement learning as a tool to learn the optimal parameters for the control logic of a set of uncompromised DER units to actively mitigate the effects of a cyber-attack on a subset of network DER.
△ Less
Submitted 28 September, 2020;
originally announced September 2020.
-
Fast Geometric Surface based Segmentation of Point Cloud from Lidar Data
Authors:
Aritra Mukherjee,
Sourya Dipta Das,
Jasorsi Ghosh,
Ananda S. Chowdhury,
Sanjoy Kumar Saha
Abstract:
Mapping the environment has been an important task for robot navigation and Simultaneous Localization And Mapping (SLAM). LIDAR provides a fast and accurate 3D point cloud map of the environment which helps in map building. However, processing millions of points in the point cloud becomes a computationally expensive task. In this paper, a methodology is presented to generate the segmented surfaces…
▽ More
Mapping the environment has been an important task for robot navigation and Simultaneous Localization And Mapping (SLAM). LIDAR provides a fast and accurate 3D point cloud map of the environment which helps in map building. However, processing millions of points in the point cloud becomes a computationally expensive task. In this paper, a methodology is presented to generate the segmented surfaces in real time and these can be used in modeling the 3D objects. At first an algorithm is proposed for efficient map building from single shot data of spinning Lidar. It is based on fast meshing and sub-sampling. It exploits the physical design and the working principle of the spinning Lidar sensor. The generated mesh surfaces are then segmented by estimating the normal and considering their homogeneity. The segmented surfaces can be used as proposals for predicting geometrically accurate model of objects in the robots activity environment. The proposed methodology is compared with some popular point cloud segmentation methods to highlight the efficacy in terms of accuracy and speed.
△ Less
Submitted 6 May, 2020;
originally announced May 2020.
-
iDCR: Improved Dempster Combination Rule for Multisensor Fault Diagnosis
Authors:
Nimisha Ghosh,
Sayantan Saha,
Rourab Paul
Abstract:
Data gathered from multiple sensors can be effectively fused for accurate monitoring of many engineering applications. In the last few years, one of the most sought after applications for multi sensor fusion has been fault diagnosis. Dempster-Shafer Theory of Evidence along with Dempsters Combination Rule is a very popular method for multi sensor fusion which can be successfully applied to fault d…
▽ More
Data gathered from multiple sensors can be effectively fused for accurate monitoring of many engineering applications. In the last few years, one of the most sought after applications for multi sensor fusion has been fault diagnosis. Dempster-Shafer Theory of Evidence along with Dempsters Combination Rule is a very popular method for multi sensor fusion which can be successfully applied to fault diagnosis. But if the information obtained from the different sensors shows high conflict, the classical Dempsters Combination Rule may produce counter-intuitive result. To overcome this shortcoming, this paper proposes an improved combination rule for multi sensor data fusion. Numerical examples have been put forward to show the effectiveness of the proposed method. Comparative analysis has also been carried out with existing methods to show the superiority of the proposed method in multi sensor fault diagnosis.
△ Less
Submitted 10 February, 2020;
originally announced February 2020.
-
Keeping Them Honest: a Trustless Multi-Agent Algorithm to Validate Transactions Cleared on Blockchain using Physical Sensors
Authors:
Nikhil Ravi,
Shammya Saha,
Anna Scaglione,
Nathan G. Johnson
Abstract:
In recent years, many Blockchain based frameworks for transacting commodities on a congestible network have been proposed. In particular, as the number of controllable grid connected assets increases, there is a need for a decentralized, coupled economic and control mechanism to dynamically balance the entire electric grid. Blockchain based Transactive Energy (TE) systems have gained significant m…
▽ More
In recent years, many Blockchain based frameworks for transacting commodities on a congestible network have been proposed. In particular, as the number of controllable grid connected assets increases, there is a need for a decentralized, coupled economic and control mechanism to dynamically balance the entire electric grid. Blockchain based Transactive Energy (TE) systems have gained significant momentum as an approach to sustain the reliability and security of the power grid in order to support the flexibility of electricity demand. What is lacking in these designs, however, is a mechanism that physically verifies all the energy transactions, to keep the various inherently selfish players honest. In this paper, we introduce a secure peer-to-peer network mechanism for the physical validation of economic transactions cleared over a distributed ledger. The framework is $\textit{secure}$ in the sense that selfish and malicious agents that are trying to inject false data into the network are prevented from adversely affecting the optimal functionality of the verification process by detecting and isolating them from the communication network. Preliminary simulations focusing on TE show the workings of this framework.
△ Less
Submitted 23 October, 2019;
originally announced October 2019.
-
A Framework for Generating Synthetic Distribution Feeders using OpenStreetMap
Authors:
Shammya Shananda Saha,
Eran Schweitzer,
Anna Scaglione,
Nathan G. Johnson
Abstract:
This work proposes a framework to generate synthetic distribution feeders mapped to real geo-spatial topologies using available OpenStreetMap data. The synthetic power networks can facilitate power systems research and development by providing thousands of realistic use cases. The location of substations is taken from recent efforts to develop synthetic transmission test cases, with underlying rea…
▽ More
This work proposes a framework to generate synthetic distribution feeders mapped to real geo-spatial topologies using available OpenStreetMap data. The synthetic power networks can facilitate power systems research and development by providing thousands of realistic use cases. The location of substations is taken from recent efforts to develop synthetic transmission test cases, with underlying real and reactive power in the distribution network assigned using population information gathered from United States 2010 Census block data. The methods illustrate how to create individual synthetic distribution feeders, and groups of feeders across entire ZIP Code, with minimal input data for any location in the United States. The framework also has the capability to output data in \OpenDSS format to allow further simulation and analysis.
△ Less
Submitted 16 October, 2019;
originally announced October 2019.
-
Optic-Net: A Novel Convolutional Neural Network for Diagnosis of Retinal Diseases from Optical Tomography Images
Authors:
Sharif Amit Kamran,
Sourajit Saha,
Ali Shihab Sabbir,
Alireza Tavakkoli
Abstract:
Diagnosing different retinal diseases from Spectral Domain Optical Coherence Tomography (SD-OCT) images is a challenging task. Different automated approaches such as image processing, machine learning and deep learning algorithms have been used for early detection and diagnosis of retinal diseases. Unfortunately, these are prone to error and computational inefficiency, which requires further inter…
▽ More
Diagnosing different retinal diseases from Spectral Domain Optical Coherence Tomography (SD-OCT) images is a challenging task. Different automated approaches such as image processing, machine learning and deep learning algorithms have been used for early detection and diagnosis of retinal diseases. Unfortunately, these are prone to error and computational inefficiency, which requires further intervention from human experts. In this paper, we propose a novel convolution neural network architecture to successfully distinguish between different degeneration of retinal layers and their underlying causes. The proposed novel architecture outperforms other classification models while addressing the issue of gradient explosion. Our approach reaches near perfect accuracy of 99.8% and 100% for two separately available Retinal SD-OCT data-set respectively. Additionally, our architecture predicts retinal diseases in real time while outperforming human diagnosticians.
△ Less
Submitted 12 October, 2019;
originally announced October 2019.
-
TraMNet - Transition Matrix Network for Efficient Action Tube Proposals
Authors:
Gurkirt Singh,
Suman Saha,
Fabio Cuzzolin
Abstract:
Current state-of-the-art methods solve spatiotemporal action localisation by extending 2D anchors to 3D-cuboid proposals on stacks of frames, to generate sets of temporally connected bounding boxes called \textit{action micro-tubes}. However, they fail to consider that the underlying anchor proposal hypotheses should also move (transition) from frame to frame, as the actor or the camera does. Assu…
▽ More
Current state-of-the-art methods solve spatiotemporal action localisation by extending 2D anchors to 3D-cuboid proposals on stacks of frames, to generate sets of temporally connected bounding boxes called \textit{action micro-tubes}. However, they fail to consider that the underlying anchor proposal hypotheses should also move (transition) from frame to frame, as the actor or the camera does. Assuming we evaluate $n$ 2D anchors in each frame, then the number of possible transitions from each 2D anchor to the next, for a sequence of $f$ consecutive frames, is in the order of $O(n^f)$, expensive even for small values of $f$. To avoid this problem, we introduce a Transition-Matrix-based Network (TraMNet) which relies on computing transition probabilities between anchor proposals while maximising their overlap with ground truth bounding boxes across frames, and enforcing sparsity via a transition threshold. As the resulting transition matrix is sparse and stochastic, this reduces the proposal hypothesis search space from $O(n^f)$ to the cardinality of the thresholded matrix. At training time, transitions are specific to cell locations of the feature maps, so that a sparse (efficient) transition matrix is used to train the network. At test time, a denser transition matrix can be obtained either by decreasing the threshold or by adding to it all the relative transitions originating from any cell location, allowing the network to handle transitions in the test data that might not have been present in the training data, and making detection translation-invariant. Finally, we show that our network can handle sparse annotations such as those available in the DALY dataset. We report extensive experiments on the DALY, UCF101-24 and Transformed-UCF101-24 datasets to support our claims.
△ Less
Submitted 1 August, 2018;
originally announced August 2018.
-
An MILP Approach for Real-time Optimal Controller Synthesis with Metric Temporal Logic Specifications
Authors:
Sayan Saha,
A. Agung Julius
Abstract:
The fundamental idea of this work is to synthesize reactive controllers such that closed-loop execution trajectories of the system satisfy desired specifications that ensure correct system behaviors, while optimizing a desired performance criteria. In our approach, the correctness of a system's behavior can be defined according to the system's relation to the environment, for example, the output t…
▽ More
The fundamental idea of this work is to synthesize reactive controllers such that closed-loop execution trajectories of the system satisfy desired specifications that ensure correct system behaviors, while optimizing a desired performance criteria. In our approach, the correctness of a system's behavior can be defined according to the system's relation to the environment, for example, the output trajectories of the system terminate in a goal set without entering an unsafe set. Using Metric Temporal Logic (MTL) specifications we can further capture complex system behaviors and timing requirements, such as the output trajectories must pass through a number of way-points within a certain time frame before terminating in the goal set. Given a Mixed Logical Dynamical (MLD) system and system specifications in terms of MTL formula or simpler reach-avoid specifications, our goal is to find a closed-loop trajectory that satisfies the specifications, in non-deterministic environments. Using an MILP framework we search over the space of input signals to obtain such valid trajectories of the system, by adding constraints to satisfy the MTL formula only when necessary, to avoid the exponential complexity of solving MILP problems. We also present experimental results for planning a path for a mobile robot through a dynamically changing environment with a desired task specification.
△ Less
Submitted 8 March, 2016;
originally announced March 2016.
-
Noise Robust Online Inference for Linear Dynamic Systems
Authors:
Saikat Saha
Abstract:
We revisit the Bayesian online inference problems for the linear dynamic systems (LDS) under non- Gaussian environment. The noises can naturally be non-Gaussian (skewed and/or heavy tailed) or to accommodate spurious observations, noises can be modeled as heavy tailed. However, at the cost of such noise robustness, the performance may degrade when such spurious observations are absent. Therefore,…
▽ More
We revisit the Bayesian online inference problems for the linear dynamic systems (LDS) under non- Gaussian environment. The noises can naturally be non-Gaussian (skewed and/or heavy tailed) or to accommodate spurious observations, noises can be modeled as heavy tailed. However, at the cost of such noise robustness, the performance may degrade when such spurious observations are absent. Therefore, any inference engine should not only be robust to noise outlier, but also be adaptive to potentially unknown and time varying noise parameters; yet it should be scalable and easy to implement.
To address them, we envisage here a new noise adaptive Rao-Blackwellized particle filter (RBPF), by leveraging a hierarchically Gaussian model as a proxy for any non-Gaussian (process or measurement) noise density. This leads to a conditionally linear Gaussian model (CLGM), that is tractable. However, this framework requires a valid transition kernel for the intractable state, targeted by the particle filter (PF). This is typically unknown. We outline how such kernel can be constructed provably, at least for certain classes encompassing many commonly occurring non-Gaussian noises, using auxiliary latent variable approach. The efficacy of this RBPF algorithm is demonstrated through numerical studies.
△ Less
Submitted 22 April, 2015;
originally announced April 2015.
-
Comparative Studies on Decentralized Multiloop PID Controller Design Using Evolutionary Algorithms
Authors:
Sayan Saha,
Saptarshi Das,
Anindya Pakhira,
Sumit Mukherjee,
Indranil Pan
Abstract:
Decentralized PID controllers have been designed in this paper for simultaneous tracking of individual process variables in multivariable systems under step reference input. The controller design framework takes into account the minimization of a weighted sum of Integral of Time multiplied Squared Error (ITSE) and Integral of Squared Controller Output (ISCO) so as to balance the overall tracking e…
▽ More
Decentralized PID controllers have been designed in this paper for simultaneous tracking of individual process variables in multivariable systems under step reference input. The controller design framework takes into account the minimization of a weighted sum of Integral of Time multiplied Squared Error (ITSE) and Integral of Squared Controller Output (ISCO) so as to balance the overall tracking errors for the process variables and required variation in the corresponding manipulated variables. Decentralized PID gains are tuned using three popular Evolutionary Algorithms (EAs) viz. Genetic Algorithm (GA), Evolutionary Strategy (ES) and Cultural Algorithm (CA). Credible simulation comparisons have been reported for four benchmark 2x2 multivariable processes.
△ Less
Submitted 5 January, 2013;
originally announced January 2013.