-
Low-Rank Matrix Regression via Least-Angle Regression
Authors:
Mingzhou Yin,
Matthias A. Müller
Abstract:
Low-rank matrix regression is a fundamental problem in data science with various applications in systems and control. Nuclear norm regularization has been widely applied to solve this problem due to its convexity. However, it suffers from high computational complexity and the inability to directly specify the rank. This work introduces a novel framework for low-rank matrix regression that addresse…
▽ More
Low-rank matrix regression is a fundamental problem in data science with various applications in systems and control. Nuclear norm regularization has been widely applied to solve this problem due to its convexity. However, it suffers from high computational complexity and the inability to directly specify the rank. This work introduces a novel framework for low-rank matrix regression that addresses both unstructured and Hankel matrices. By decomposing the low-rank matrix into rank-1 bases, the problem is reformulated as an infinite-dimensional sparse learning problem. The least-angle regression (LAR) algorithm is then employed to solve this problem efficiently. For unstructured matrices, a closed-form LAR solution is derived with equivalence to a normalized nuclear norm regularization problem. For Hankel matrices, a real-valued polynomial basis reformulation enables effective LAR implementation. Two numerical examples in network modeling and system realization demonstrate that the proposed approach significantly outperforms the nuclear norm method in terms of estimation accuracy and computational efficiency.
△ Less
Submitted 13 March, 2025;
originally announced March 2025.
-
Quantization Design for Deep Learning-Based CSI Feedback
Authors:
Manru Yin,
Shengqian Han,
Chenyang Yang
Abstract:
Deep learning-based autoencoders have been employed to compress and reconstruct channel state information (CSI) in frequency-division duplex systems. Practical implementations require judicious quantization of encoder outputs for digital transmission. In this paper, we propose a novel quantization module with bit allocation among encoder outputs and develop a method for joint training the module a…
▽ More
Deep learning-based autoencoders have been employed to compress and reconstruct channel state information (CSI) in frequency-division duplex systems. Practical implementations require judicious quantization of encoder outputs for digital transmission. In this paper, we propose a novel quantization module with bit allocation among encoder outputs and develop a method for joint training the module and the autoencoder. To enhance learning performance, we design a loss function that adaptively weights the quantization loss and the logarithm of reconstruction loss. Simulation results show the performance gain of the proposed method over existing baselines.
△ Less
Submitted 11 March, 2025;
originally announced March 2025.
-
Learning of Uplink Resource Allocation with Multiuser QoS Constraints
Authors:
Manru Yin,
Shengqian Han,
Chenyang Yang
Abstract:
In the paper the joint optimization of uplink multiuser power and resource block (RB) allocation are studied, where each user has quality of service (QoS) constraints on both long- and short-blocklength transmissions. The objective is to minimize the consumption of RBs for meeting the QoS requirements, leading to a mixed-integer nonlinear programming (MINLP) problem. We resort to deep learning to…
▽ More
In the paper the joint optimization of uplink multiuser power and resource block (RB) allocation are studied, where each user has quality of service (QoS) constraints on both long- and short-blocklength transmissions. The objective is to minimize the consumption of RBs for meeting the QoS requirements, leading to a mixed-integer nonlinear programming (MINLP) problem. We resort to deep learning to solve the problem with low inference complexity. To provide a performance benchmark for learning based methods, we propose a hierarchical algorithm to find the global optimal solution in the single-user scenario, which is then extended to the multiuser scenario. The design of the learning method, however, is challenging due to the discrete policy to be learned, which results in either vanishing or exploding gradient during neural network training. We introduce two types of smoothing functions to approximate the involved discretizing processes and propose a smoothing parameter adaption method. Another critical challenge lies in guaranteeing the QoS constraints. To address it, we design a nonlinear function to intensify the penalties for minor constraint violations. Simulation results demonstrate the advantages of the proposed method in reducing the number of occupied RBs and satisfying QoS constraints reliably.
△ Less
Submitted 9 March, 2025;
originally announced March 2025.
-
Gaussian Process-Based Prediction and Control of Hammerstein-Wiener Systems
Authors:
Mingzhou Yin,
Matthias A. Müller
Abstract:
This work investigates data-driven prediction and control of Hammerstein-Wiener systems using physics-informed Gaussian process models. Data-driven prediction algorithms have been developed for structured nonlinear systems based on Willems' fundamental lemma. However, existing frameworks cannot treat output nonlinearities and require a dictionary of basis functions for Hammerstein systems. In this…
▽ More
This work investigates data-driven prediction and control of Hammerstein-Wiener systems using physics-informed Gaussian process models. Data-driven prediction algorithms have been developed for structured nonlinear systems based on Willems' fundamental lemma. However, existing frameworks cannot treat output nonlinearities and require a dictionary of basis functions for Hammerstein systems. In this work, an implicit predictor structure is considered, leveraging the multi-step-ahead ARX structure for the linear part of the model. This implicit function is learned by Gaussian process regression with kernel functions designed from Gaussian process priors for the nonlinearities. The linear model parameters are estimated as hyperparameters by assuming a stable spline hyperprior. The implicit Gaussian process model provides explicit output prediction by optimizing selected optimality criteria. The model is also applied to receding horizon control with the expected control cost and chance constraint satisfaction guarantee. Numerical results demonstrate that the proposed prediction and control algorithms are superior to black-box Gaussian process models.
△ Less
Submitted 27 January, 2025;
originally announced January 2025.
-
Low-Complex Waveform, Modulation and Coding Designs for 3GPP Ambient IoT
Authors:
Mingxi Yin,
Chao Wei,
Kazuki Takeda,
Yinhua Jia,
Changlong Xu,
Chengjin Zhang,
Hao Xu
Abstract:
This paper presents a comprehensive study on low-complexity waveform, modulation and coding (WMC) designs for the 3rd Generation Partnership Project (3GPP) Ambient Internet of Things (A-IoT). A-IoT is a low-cost, low-power IoT system inspired by Ultra High Frequency (UHF) Radio Frequency Identification (RFID) and aims to leverage existing cellular network infrastructure for efficient RF tag manage…
▽ More
This paper presents a comprehensive study on low-complexity waveform, modulation and coding (WMC) designs for the 3rd Generation Partnership Project (3GPP) Ambient Internet of Things (A-IoT). A-IoT is a low-cost, low-power IoT system inspired by Ultra High Frequency (UHF) Radio Frequency Identification (RFID) and aims to leverage existing cellular network infrastructure for efficient RF tag management. The paper compares the physical layer (PHY) design challenges and requirements of RFID and A-IoT, particularly focusing on backscatter communications. An overview of the standardization for PHY designs in Release 19 A-IoT is provided, along with detailed schemes of the proposed low-complex WMC designs. The performance of device-to-reader link designs is validated through simulations, demonstrating 6 dB improvements of the proposed baseband waveform with coherent receivers compared to RFID line coding-based solutions with non-coherent receivers when channel coding is adopted.
△ Less
Submitted 14 January, 2025;
originally announced January 2025.
-
PySpatial: A High-Speed Whole Slide Image Pathomics Toolkit
Authors:
Yuechen Yang,
Yu Wang,
Tianyuan Yao,
Ruining Deng,
Mengmeng Yin,
Shilin Zhao,
Haichun Yang,
Yuankai Huo
Abstract:
Whole Slide Image (WSI) analysis plays a crucial role in modern digital pathology, enabling large-scale feature extraction from tissue samples. However, traditional feature extraction pipelines based on tools like CellProfiler often involve lengthy workflows, requiring WSI segmentation into patches, feature extraction at the patch level, and subsequent mapping back to the original WSI. To address…
▽ More
Whole Slide Image (WSI) analysis plays a crucial role in modern digital pathology, enabling large-scale feature extraction from tissue samples. However, traditional feature extraction pipelines based on tools like CellProfiler often involve lengthy workflows, requiring WSI segmentation into patches, feature extraction at the patch level, and subsequent mapping back to the original WSI. To address these challenges, we present PySpatial, a high-speed pathomics toolkit specifically designed for WSI-level analysis. PySpatial streamlines the conventional pipeline by directly operating on computational regions of interest, reducing redundant processing steps. Utilizing rtree-based spatial indexing and matrix-based computation, PySpatial efficiently maps and processes computational regions, significantly accelerating feature extraction while maintaining high accuracy. Our experiments on two datasets-Perivascular Epithelioid Cell (PEC) and data from the Kidney Precision Medicine Project (KPMP)-demonstrate substantial performance improvements. For smaller and sparse objects in PEC datasets, PySpatial achieves nearly a 10-fold speedup compared to standard CellProfiler pipelines. For larger objects, such as glomeruli and arteries in KPMP datasets, PySpatial achieves a 2-fold speedup. These results highlight PySpatial's potential to handle large-scale WSI analysis with enhanced efficiency and accuracy, paving the way for broader applications in digital pathology.
△ Less
Submitted 10 January, 2025;
originally announced January 2025.
-
Glo-In-One-v2: Holistic Identification of Glomerular Cells, Tissues, and Lesions in Human and Mouse Histopathology
Authors:
Lining Yu,
Mengmeng Yin,
Ruining Deng,
Quan Liu,
Tianyuan Yao,
Can Cui,
Junlin Guo,
Yu Wang,
Yaohong Wang,
Shilin Zhao,
Haichun Yang,
Yuankai Huo
Abstract:
Segmenting glomerular intraglomerular tissue and lesions traditionally depends on detailed morphological evaluations by expert nephropathologists, a labor-intensive process susceptible to interobserver variability. Our group previously developed the Glo-In-One toolkit for integrated detection and segmentation of glomeruli. In this study, we leverage the Glo-In-One toolkit to version 2 with fine-gr…
▽ More
Segmenting glomerular intraglomerular tissue and lesions traditionally depends on detailed morphological evaluations by expert nephropathologists, a labor-intensive process susceptible to interobserver variability. Our group previously developed the Glo-In-One toolkit for integrated detection and segmentation of glomeruli. In this study, we leverage the Glo-In-One toolkit to version 2 with fine-grained segmentation capabilities, curating 14 distinct labels for tissue regions, cells, and lesions across a dataset of 23,529 annotated glomeruli across human and mouse histopathology data. To our knowledge, this dataset is among the largest of its kind to date.In this study, we present a single dynamic head deep learning architecture designed to segment 14 classes within partially labeled images of human and mouse pathology data. Our model was trained using a training set derived from 368 annotated kidney whole-slide images (WSIs) to identify 5 key intraglomerular tissues covering Bowman's capsule, glomerular tuft, mesangium, mesangial cells, and podocytes. Additionally, the network segments 9 glomerular lesion classes including adhesion, capsular drop, global sclerosis, hyalinosis, mesangial lysis, microaneurysm, nodular sclerosis, mesangial expansion, and segmental sclerosis. The glomerulus segmentation model achieved a decent performance compared with baselines, and achieved a 76.5 % average Dice Similarity Coefficient (DSC). Additional, transfer learning from rodent to human for glomerular lesion segmentation model has enhanced the average segmentation accuracy across different types of lesions by more than 3 %, as measured by Dice scores. The Glo-In-One-v2 model and trained weight have been made publicly available at https: //github.com/hrlblab/Glo-In-One_v2.
△ Less
Submitted 25 November, 2024;
originally announced November 2024.
-
How Good Are We? Evaluating Cell AI Foundation Models in Kidney Pathology with Human-in-the-Loop Enrichment
Authors:
Junlin Guo,
Siqi Lu,
Can Cui,
Ruining Deng,
Tianyuan Yao,
Zhewen Tao,
Yizhe Lin,
Marilyn Lionts,
Quan Liu,
Juming Xiong,
Yu Wang,
Shilin Zhao,
Catie Chang,
Mitchell Wilkes,
Mengmeng Yin,
Haichun Yang,
Yuankai Huo
Abstract:
Training AI foundation models has emerged as a promising large-scale learning approach for addressing real-world healthcare challenges, including digital pathology. While many of these models have been developed for tasks like disease diagnosis and tissue quantification using extensive and diverse training datasets, their readiness for deployment on some arguably simplest tasks, such as nuclei seg…
▽ More
Training AI foundation models has emerged as a promising large-scale learning approach for addressing real-world healthcare challenges, including digital pathology. While many of these models have been developed for tasks like disease diagnosis and tissue quantification using extensive and diverse training datasets, their readiness for deployment on some arguably simplest tasks, such as nuclei segmentation within a single organ (e.g., the kidney), remains uncertain. This paper seeks to answer this key question, "How good are we?", by thoroughly evaluating the performance of recent cell foundation models on a curated multi-center, multi-disease, and multi-species external testing dataset. Additionally, we tackle a more challenging question, "How can we improve?", by developing and assessing human-in-the-loop data enrichment strategies aimed at enhancing model performance while minimizing the reliance on pixel-level human annotation. To address the first question, we curated a multicenter, multidisease, and multispecies dataset consisting of 2,542 kidney whole slide images (WSIs). Three state-of-the-art (SOTA) cell foundation models-Cellpose, StarDist, and CellViT-were selected for evaluation. To tackle the second question, we explored data enrichment algorithms by distilling predictions from the different foundation models with a human-in-the-loop framework, aiming to further enhance foundation model performance with minimal human efforts. Our experimental results showed that all three foundation models improved over their baselines with model fine-tuning with enriched data. Interestingly, the baseline model with the highest F1 score does not yield the best segmentation outcomes after fine-tuning. This study establishes a benchmark for the development and deployment of cell vision foundation models tailored for real-world data applications.
△ Less
Submitted 31 October, 2024;
originally announced November 2024.
-
Site-Specific Outdoor Propagation Assessment and Ray-Tracing Analysis for Wireless Digital Twins
Authors:
Morteza Ghaderi Aram,
Hao Guo,
Mingsheng Yin,
Tommy Svensson
Abstract:
Digital twinning is becoming increasingly vital in the design and real-time control of future wireless networks by providing precise cost-effective simulations, predictive insights, and real-time data integration. This paper explores the application of digital twinning in optimizing wireless communication systems within urban environments, where building arrangements can critically impact network…
▽ More
Digital twinning is becoming increasingly vital in the design and real-time control of future wireless networks by providing precise cost-effective simulations, predictive insights, and real-time data integration. This paper explores the application of digital twinning in optimizing wireless communication systems within urban environments, where building arrangements can critically impact network performances. We develop a digital twin platform to simulate and analyze how factors such as building positioning, base station placement, and antenna design influence wireless propagation. The ray-tracing software package of Matlab is compared with Remcom Wireless InSite. Using a realistic radiation pattern of a base transceiver station (BTS) antenna, ray tracing simulations for signal propagation and interactions in urban landscapes are then extensively examined. By analyzing radio heat maps alongside antenna patterns, we gain valuable insights into optimizing wireless deployment strategies. This study highlights the potential of digital twinning as a critical tool for urban planners and network engineers.
△ Less
Submitted 18 October, 2024;
originally announced October 2024.
-
Cross-Species Data Integration for Enhanced Layer Segmentation in Kidney Pathology
Authors:
Junchao Zhu,
Mengmeng Yin,
Ruining Deng,
Yitian Long,
Yu Wang,
Yaohong Wang,
Shilin Zhao,
Haichun Yang,
Yuankai Huo
Abstract:
Accurate delineation of the boundaries between the renal cortex and medulla is crucial for subsequent functional structural analysis and disease diagnosis. Training high-quality deep-learning models for layer segmentation relies on the availability of large amounts of annotated data. However, due to the patient's privacy of medical data and scarce clinical cases, constructing pathological datasets…
▽ More
Accurate delineation of the boundaries between the renal cortex and medulla is crucial for subsequent functional structural analysis and disease diagnosis. Training high-quality deep-learning models for layer segmentation relies on the availability of large amounts of annotated data. However, due to the patient's privacy of medical data and scarce clinical cases, constructing pathological datasets from clinical sources is relatively difficult and expensive. Moreover, using external natural image datasets introduces noise during the domain generalization process. Cross-species homologous data, such as mouse kidney data, which exhibits high structural and feature similarity to human kidneys, has the potential to enhance model performance on human datasets. In this study, we incorporated the collected private Periodic Acid-Schiff (PAS) stained mouse kidney dataset into the human kidney dataset for joint training. The results showed that after introducing cross-species homologous data, the semantic segmentation models based on CNN and Transformer architectures achieved an average increase of 1.77% and 1.24% in mIoU, and 1.76% and 0.89% in Dice score for the human renal cortex and medulla datasets, respectively. This approach is also capable of enhancing the model's generalization ability. This indicates that cross-species homologous data, as a low-noise trainable data source, can help improve model performance under conditions of limited clinical samples. Code is available at https://github.com/hrlblab/layer_segmentation.
△ Less
Submitted 21 March, 2025; v1 submitted 17 August, 2024;
originally announced August 2024.
-
Assessment of Cell Nuclei AI Foundation Models in Kidney Pathology
Authors:
Junlin Guo,
Siqi Lu,
Can Cui,
Ruining Deng,
Tianyuan Yao,
Zhewen Tao,
Yizhe Lin,
Marilyn Lionts,
Quan Liu,
Juming Xiong,
Yu Wang,
Shilin Zhao,
Catie Chang,
Mitchell Wilkes,
Mengmeng Yin,
Haichun Yang,
Yuankai Huo
Abstract:
Cell nuclei instance segmentation is a crucial task in digital kidney pathology. Traditional automatic segmentation methods often lack generalizability when applied to unseen datasets. Recently, the success of foundation models (FMs) has provided a more generalizable solution, potentially enabling the segmentation of any cell type. In this study, we perform a large-scale evaluation of three widely…
▽ More
Cell nuclei instance segmentation is a crucial task in digital kidney pathology. Traditional automatic segmentation methods often lack generalizability when applied to unseen datasets. Recently, the success of foundation models (FMs) has provided a more generalizable solution, potentially enabling the segmentation of any cell type. In this study, we perform a large-scale evaluation of three widely used state-of-the-art (SOTA) cell nuclei foundation models (Cellpose, StarDist, and CellViT). Specifically, we created a highly diverse evaluation dataset consisting of 2,542 kidney whole slide images (WSIs) collected from both human and rodent sources, encompassing various tissue types, sizes, and staining methods. To our knowledge, this is the largest-scale evaluation of its kind to date. Our quantitative analysis of the prediction distribution reveals a persistent performance gap in kidney pathology. Among the evaluated models, CellViT demonstrated superior performance in segmenting nuclei in kidney pathology. However, none of the foundation models are perfect; a performance gap remains in general nuclei segmentation for kidney pathology.
△ Less
Submitted 6 February, 2025; v1 submitted 9 August, 2024;
originally announced August 2024.
-
LatentArtiFusion: An Effective and Efficient Histological Artifacts Restoration Framework
Authors:
Zhenqi He,
Wenrui Liu,
Minghao Yin,
Kai Han
Abstract:
Histological artifacts pose challenges for both pathologists and Computer-Aided Diagnosis (CAD) systems, leading to errors in analysis. Current approaches for histological artifact restoration, based on Generative Adversarial Networks (GANs) and pixel-level Diffusion Models, suffer from performance limitations and computational inefficiencies. In this paper, we propose a novel framework, LatentArt…
▽ More
Histological artifacts pose challenges for both pathologists and Computer-Aided Diagnosis (CAD) systems, leading to errors in analysis. Current approaches for histological artifact restoration, based on Generative Adversarial Networks (GANs) and pixel-level Diffusion Models, suffer from performance limitations and computational inefficiencies. In this paper, we propose a novel framework, LatentArtiFusion, which leverages the latent diffusion model (LDM) to reconstruct histological artifacts with high performance and computational efficiency. Unlike traditional pixel-level diffusion frameworks, LatentArtiFusion executes the restoration process in a lower-dimensional latent space, significantly improving computational efficiency. Moreover, we introduce a novel regional artifact reconstruction algorithm in latent space to prevent mistransfer in non-artifact regions, distinguishing our approach from GAN-based methods. Through extensive experiments on real-world histology datasets, LatentArtiFusion demonstrates remarkable speed, outperforming state-of-the-art pixel-level diffusion frameworks by more than 30X. It also consistently surpasses GAN-based methods by at least 5% across multiple evaluation metrics. Furthermore, we evaluate the effectiveness of our proposed framework in downstream tissue classification tasks, showcasing its practical utility. Code is available at https://github.com/bugs-creator/LatentArtiFusion.
△ Less
Submitted 29 July, 2024;
originally announced July 2024.
-
GLAM: Glomeruli Segmentation for Human Pathological Lesions using Adapted Mouse Model
Authors:
Lining Yu,
Mengmeng Yin,
Ruining Deng,
Quan Liu,
Tianyuan Yao,
Can Cui,
Yitian Long,
Yu Wang,
Yaohong Wang,
Shilin Zhao,
Haichun Yang,
Yuankai Huo
Abstract:
Moving from animal models to human applications in preclinical research encompasses a broad spectrum of disciplines in medical science. A fundamental element in the development of new drugs, treatments, diagnostic methods, and in deepening our understanding of disease processes is the accurate measurement of kidney tissues. Past studies have demonstrated the viability of translating glomeruli segm…
▽ More
Moving from animal models to human applications in preclinical research encompasses a broad spectrum of disciplines in medical science. A fundamental element in the development of new drugs, treatments, diagnostic methods, and in deepening our understanding of disease processes is the accurate measurement of kidney tissues. Past studies have demonstrated the viability of translating glomeruli segmentation techniques from mouse models to human applications. Yet, these investigations tend to neglect the complexities involved in segmenting pathological glomeruli affected by different lesions. Such lesions present a wider range of morphological variations compared to healthy glomerular tissue, which are arguably more valuable than normal glomeruli in clinical practice. Furthermore, data on lesions from animal models can be more readily scaled up from disease models and whole kidney biopsies. This brings up a question: ``\textit{Can a pathological segmentation model trained on mouse models be effectively applied to human patients?}" To answer this question, we introduced GLAM, a deep learning study for fine-grained segmentation of human kidney lesions using a mouse model, addressing mouse-to-human transfer learning, by evaluating different learning strategies for segmenting human pathological lesions using zero-shot transfer learning and hybrid learning by leveraging mouse samples. From the results, the hybrid learning model achieved superior performance.
△ Less
Submitted 7 February, 2025; v1 submitted 25 July, 2024;
originally announced July 2024.
-
HoloHisto: End-to-end Gigapixel WSI Segmentation with 4K Resolution Sequential Tokenization
Authors:
Yucheng Tang,
Yufan He,
Vishwesh Nath,
Pengfeig Guo,
Ruining Deng,
Tianyuan Yao,
Quan Liu,
Can Cui,
Mengmeng Yin,
Ziyue Xu,
Holger Roth,
Daguang Xu,
Haichun Yang,
Yuankai Huo
Abstract:
In digital pathology, the traditional method for deep learning-based image segmentation typically involves a two-stage process: initially segmenting high-resolution whole slide images (WSI) into smaller patches (e.g., 256x256, 512x512, 1024x1024) and subsequently reconstructing them to their original scale. This method often struggles to capture the complex details and vast scope of WSIs. In this…
▽ More
In digital pathology, the traditional method for deep learning-based image segmentation typically involves a two-stage process: initially segmenting high-resolution whole slide images (WSI) into smaller patches (e.g., 256x256, 512x512, 1024x1024) and subsequently reconstructing them to their original scale. This method often struggles to capture the complex details and vast scope of WSIs. In this paper, we propose the holistic histopathology (HoloHisto) segmentation method to achieve end-to-end segmentation on gigapixel WSIs, whose maximum resolution is above 80,000$\times$70,000 pixels. HoloHisto fundamentally shifts the paradigm of WSI segmentation to an end-to-end learning fashion with 1) a large (4K) resolution base patch for elevated visual information inclusion and efficient processing, and 2) a novel sequential tokenization mechanism to properly model the contextual relationships and efficiently model the rich information from the 4K input. To our best knowledge, HoloHisto presents the first holistic approach for gigapixel resolution WSI segmentation, supporting direct I/O of complete WSI and their corresponding gigapixel masks. Under the HoloHisto platform, we unveil a random 4K sampler that transcends ultra-high resolution, delivering 31 and 10 times more pixels than standard 2D and 3D patches, respectively, for advancing computational capabilities. To facilitate efficient 4K resolution dense prediction, we leverage sequential tokenization, utilizing a pre-trained image tokenizer to group image features into a discrete token grid. To assess the performance, our team curated a new kidney pathology image segmentation (KPIs) dataset with WSI-level glomeruli segmentation from whole mouse kidneys. From the results, HoloHisto-4K delivers remarkable performance gains over previous state-of-the-art models.
△ Less
Submitted 3 July, 2024;
originally announced July 2024.
-
HATs: Hierarchical Adaptive Taxonomy Segmentation for Panoramic Pathology Image Analysis
Authors:
Ruining Deng,
Quan Liu,
Can Cui,
Tianyuan Yao,
Juming Xiong,
Shunxing Bao,
Hao Li,
Mengmeng Yin,
Yu Wang,
Shilin Zhao,
Yucheng Tang,
Haichun Yang,
Yuankai Huo
Abstract:
Panoramic image segmentation in computational pathology presents a remarkable challenge due to the morphologically complex and variably scaled anatomy. For instance, the intricate organization in kidney pathology spans multiple layers, from regions like the cortex and medulla to functional units such as glomeruli, tubules, and vessels, down to various cell types. In this paper, we propose a novel…
▽ More
Panoramic image segmentation in computational pathology presents a remarkable challenge due to the morphologically complex and variably scaled anatomy. For instance, the intricate organization in kidney pathology spans multiple layers, from regions like the cortex and medulla to functional units such as glomeruli, tubules, and vessels, down to various cell types. In this paper, we propose a novel Hierarchical Adaptive Taxonomy Segmentation (HATs) method, which is designed to thoroughly segment panoramic views of kidney structures by leveraging detailed anatomical insights. Our approach entails (1) the innovative HATs technique which translates spatial relationships among 15 distinct object classes into a versatile "plug-and-play" loss function that spans across regions, functional units, and cells, (2) the incorporation of anatomical hierarchies and scale considerations into a unified simple matrix representation for all panoramic entities, (3) the adoption of the latest AI foundation model (EfficientSAM) as a feature extraction tool to boost the model's adaptability, yet eliminating the need for manual prompt generation in conventional segment anything model (SAM). Experimental findings demonstrate that the HATs method offers an efficient and effective strategy for integrating clinical insights and imaging precedents into a unified segmentation model across more than 15 categories. The official implementation is publicly available at https://github.com/hrlblab/HATs.
△ Less
Submitted 30 June, 2024;
originally announced July 2024.
-
Channel Modeling for FR3 Upper Mid-band via Generative Adversarial Networks
Authors:
Yaqi Hu,
Mingsheng Yin,
Marco Mezzavilla,
Hao Guo,
Sundeep Rangan
Abstract:
The upper mid-band (FR3) has been recently attracting interest for new generation of mobile networks, as it provides a promising balance between spectrum availability and coverage, which are inherent limitations of the sub 6GHz and millimeter wave bands, respectively. In order to efficiently design and optimize the network, channel modeling plays a key role since FR3 systems are expected to operat…
▽ More
The upper mid-band (FR3) has been recently attracting interest for new generation of mobile networks, as it provides a promising balance between spectrum availability and coverage, which are inherent limitations of the sub 6GHz and millimeter wave bands, respectively. In order to efficiently design and optimize the network, channel modeling plays a key role since FR3 systems are expected to operate at multiple frequency bands. Data-driven methods, especially generative adversarial networks (GANs), can capture the intricate relationships among data samples, and provide an appropriate tool for FR3 channel modeling. In this work, we present the architecture, link state model, and path generative network of GAN-based FR3 channel modeling. The comparison of our model greatly matches the ray-tracing simulated data.
△ Less
Submitted 25 April, 2024;
originally announced April 2024.
-
Optimal Data-Driven Prediction and Predictive Control using Signal Matrix Models
Authors:
Roy S. Smith,
Mohamed Abdalmoaty,
Mingzhou Yin
Abstract:
Data-driven control uses a past signal trajectory to characterise the input-output behaviour of a system. Willems' lemma provides a data-based prediction model allowing a control designer to bypass the step of identifying a state-space or transfer function model. This paper provides a more parsimonious formulation of Willems' lemma that separates the model into initial condition matching and predi…
▽ More
Data-driven control uses a past signal trajectory to characterise the input-output behaviour of a system. Willems' lemma provides a data-based prediction model allowing a control designer to bypass the step of identifying a state-space or transfer function model. This paper provides a more parsimonious formulation of Willems' lemma that separates the model into initial condition matching and predictive control design parts. This avoids the need for regularisers in the predictive control problem that are found in other data-driven predictive control methods. It also gives a closed form expression for the optimal (minimum variance) unbiased predictor of the future output trajectory and applies it for predictive control. Simulation comparisons illustrate very good control performance.
△ Less
Submitted 22 March, 2024;
originally announced March 2024.
-
PrPSeg: Universal Proposition Learning for Panoramic Renal Pathology Segmentation
Authors:
Ruining Deng,
Quan Liu,
Can Cui,
Tianyuan Yao,
Jialin Yue,
Juming Xiong,
Lining Yu,
Yifei Wu,
Mengmeng Yin,
Yu Wang,
Shilin Zhao,
Yucheng Tang,
Haichun Yang,
Yuankai Huo
Abstract:
Understanding the anatomy of renal pathology is crucial for advancing disease diagnostics, treatment evaluation, and clinical research. The complex kidney system comprises various components across multiple levels, including regions (cortex, medulla), functional units (glomeruli, tubules), and cells (podocytes, mesangial cells in glomerulus). Prior studies have predominantly overlooked the intrica…
▽ More
Understanding the anatomy of renal pathology is crucial for advancing disease diagnostics, treatment evaluation, and clinical research. The complex kidney system comprises various components across multiple levels, including regions (cortex, medulla), functional units (glomeruli, tubules), and cells (podocytes, mesangial cells in glomerulus). Prior studies have predominantly overlooked the intricate spatial interrelations among objects from clinical knowledge. In this research, we introduce a novel universal proposition learning approach, called panoramic renal pathology segmentation (PrPSeg), designed to segment comprehensively panoramic structures within kidney by integrating extensive knowledge of kidney anatomy.
In this paper, we propose (1) the design of a comprehensive universal proposition matrix for renal pathology, facilitating the incorporation of classification and spatial relationships into the segmentation process; (2) a token-based dynamic head single network architecture, with the improvement of the partial label image segmentation and capability for future data enlargement; and (3) an anatomy loss function, quantifying the inter-object relationships across the kidney.
△ Less
Submitted 20 March, 2024; v1 submitted 29 February, 2024;
originally announced February 2024.
-
Frequency-Domain Identification of Discrete-Time Systems using Sum-of-Rational Optimization
Authors:
Mohamed Abdalmoaty,
Jared Miller,
Mingzhou Yin,
Roy S. Smith
Abstract:
We propose a computationally tractable method for the identification of stable canonical discrete-time rational transfer function models, using frequency domain data. The problem is formulated as a global non-convex optimization problem whose objective function is the sum of weighted squared residuals at each observed frequency datapoint. Stability is enforced using a polynomial matrix inequality…
▽ More
We propose a computationally tractable method for the identification of stable canonical discrete-time rational transfer function models, using frequency domain data. The problem is formulated as a global non-convex optimization problem whose objective function is the sum of weighted squared residuals at each observed frequency datapoint. Stability is enforced using a polynomial matrix inequality constraint. The problem is solved globally by a moment-sum-of-squares hierarchy of semidefinite programs through a framework for sum-of-rational-functions optimization. Convergence of the moment-sum-of-squares program is guaranteed as the bound on the degree of the sum-of-squares polynomials approaches infinity. The performance of the proposed method is demonstrated using numerical simulation examples.
△ Less
Submitted 25 December, 2023;
originally announced December 2023.
-
Stochastic Data-Driven Predictive Control: Regularization, Estimation, and Constraint Tightening
Authors:
Mingzhou Yin,
Andrea Iannelli,
Roy S. Smith
Abstract:
Data-driven predictive control methods based on the Willems' fundamental lemma have shown great success in recent years. These approaches use receding horizon predictive control with nonparametric data-driven predictors instead of model-based predictors. This study addresses three problems of applying such algorithms under unbounded stochastic uncertainties: 1) tuning-free regularizer design, 2) i…
▽ More
Data-driven predictive control methods based on the Willems' fundamental lemma have shown great success in recent years. These approaches use receding horizon predictive control with nonparametric data-driven predictors instead of model-based predictors. This study addresses three problems of applying such algorithms under unbounded stochastic uncertainties: 1) tuning-free regularizer design, 2) initial condition estimation, and 3) reliable constraint satisfaction, by using stochastic prediction error quantification. The regularizer is designed by leveraging the expected output cost. An initial condition estimator is proposed by filtering the measurements with the one-step-ahead stochastic data-driven prediction. A novel constraint-tightening method, using second-order cone constraints, is presented to ensure high-probability chance constraint satisfaction. Numerical results demonstrate that the proposed methods lead to satisfactory control performance in terms of both control cost and constraint satisfaction, with significantly improved initial condition estimation.
△ Less
Submitted 5 December, 2023;
originally announced December 2023.
-
Closed-Loop Identification of Stabilized Models Using Dual Input-Output Parameterization
Authors:
Ran Chen,
Amber Srivastava,
Mingzhou Yin,
Roy S. Smith
Abstract:
This paper introduces a dual input-output parameterization (dual IOP) for the identification of linear time-invariant systems from closed-loop data. It draws inspiration from the recent input-output parameterization developed to synthesize a stabilizing controller. The controller is parameterized in terms of closed-loop transfer functions, from the external disturbances to the input and output of…
▽ More
This paper introduces a dual input-output parameterization (dual IOP) for the identification of linear time-invariant systems from closed-loop data. It draws inspiration from the recent input-output parameterization developed to synthesize a stabilizing controller. The controller is parameterized in terms of closed-loop transfer functions, from the external disturbances to the input and output of the system, constrained to lie in a given subspace. Analogously, the dual IOP method parameterizes the unknown plant with analogous closed-loop transfer functions, also referred to as dual parameters. In this case, these closed-loop transfer functions are constrained to lie in an affine subspace guaranteeing that the identified plant is \emph{stabilized} by the known controller. Compared with existing closed-loop identification techniques guaranteeing closed-loop stability, such as the dual Youla parameterization, the dual IOP neither requires a doubly-coprime factorization of the controller nor a nominal plant that is stabilized by the controller. The dual IOP does not depend on the order and the state-space realization of the controller either, as in the dual system-level parameterization. Simulation shows that the dual IOP outperforms the existing benchmark methods.
△ Less
Submitted 15 November, 2023;
originally announced November 2023.
-
Error Bounds for Kernel-Based Linear System Identification with Unknown Hyperparameters
Authors:
Mingzhou Yin,
Roy S. Smith
Abstract:
The kernel-based method has been successfully applied in linear system identification using stable kernel designs. From a Gaussian process perspective, it automatically provides probabilistic error bounds for the identified models from the posterior covariance, which are useful in robust and stochastic control. However, the error bounds require knowledge of the true hyperparameters in the kernel d…
▽ More
The kernel-based method has been successfully applied in linear system identification using stable kernel designs. From a Gaussian process perspective, it automatically provides probabilistic error bounds for the identified models from the posterior covariance, which are useful in robust and stochastic control. However, the error bounds require knowledge of the true hyperparameters in the kernel design and are demonstrated to be inaccurate with estimated hyperparameters for lightly damped systems or in the presence of high noise. In this work, we provide reliable quantification of the estimation error when the hyperparameters are unknown. The bounds are obtained by first constructing a high-probability set for the true hyperparameters from the marginal likelihood function and then finding the worst-case posterior covariance within the set. The proposed bound is proven to contain the true model with a high probability and its validity is verified in numerical simulation.
△ Less
Submitted 17 March, 2023;
originally announced March 2023.
-
Multi-Frequency Channel Modeling for Millimeter Wave and THz Wireless Communication via Generative Adversarial Networks
Authors:
Yaqi Hu,
Mingsheng Yin,
William Xia,
Sundeep Rangan,
Marco Mezzavilla
Abstract:
Modern cellular systems rely increasingly on simultaneous communication in multiple discontinuous bands for macro-diversity and increased bandwidth. Multi-frequency communication is particularly crucial in the millimeter wave (mmWave) and Terahertz (THz) frequencies, as these bands are often coupled with lower frequencies for robustness. Evaluation of these systems requires statistical models that…
▽ More
Modern cellular systems rely increasingly on simultaneous communication in multiple discontinuous bands for macro-diversity and increased bandwidth. Multi-frequency communication is particularly crucial in the millimeter wave (mmWave) and Terahertz (THz) frequencies, as these bands are often coupled with lower frequencies for robustness. Evaluation of these systems requires statistical models that can capture the joint distribution of the channel paths across multiple frequencies. This paper presents a general neural network based methodology for training multi-frequency double directional statistical channel models. In the proposed approach, each is described as a multi-clustered set, and a generative adversarial network (GAN) is trained to generate random multi-cluster profiles where the generated cluster data includes the angles and delay of the clusters along with the vectors of random received powers, angular, and delay spread at different frequencies. The model can be readily applied for multi-frequency link or network layer simulation. The methodology is demonstrated on modeling urban micro-cellular links at 28 and 140 GHz trained from extensive ray tracing data. The methodology makes minimal statistical assumptions and experiments show the model can capture interesting statistical relationships between frequencies.
△ Less
Submitted 22 December, 2022;
originally announced December 2022.
-
Wireless Channel Prediction in Partially Observed Environments
Authors:
Mingsheng Yin,
Yaqi Hu,
Tommy Azzino,
Seongjoon Kang,
Marco Mezzavilla,
Sundeep Rangan
Abstract:
Site-specific radio frequency (RF) propagation prediction increasingly relies on models built from visual data such as cameras and LIDAR sensors. When operating in dynamic settings, the environment may only be partially observed. This paper introduces a method to extract statistical channel models, given partial observations of the surrounding environment. We propose a simple heuristic algorithm t…
▽ More
Site-specific radio frequency (RF) propagation prediction increasingly relies on models built from visual data such as cameras and LIDAR sensors. When operating in dynamic settings, the environment may only be partially observed. This paper introduces a method to extract statistical channel models, given partial observations of the surrounding environment. We propose a simple heuristic algorithm that performs ray tracing on the partial environment and then uses machine-learning trained predictors to estimate the channel and its uncertainty from features extracted from the partial ray tracing results. It is shown that the proposed method can interpolate between fully statistical models when no partial information is available and fully deterministic models when the environment is completely observed. The method can also capture the degree of uncertainty of the propagation predictions depending on the amount of region that has been explored. The methodology is demonstrated in a robotic navigation application simulated on a set of indoor maps with detailed models constructed using state-of-the-art navigation, simultaneous localization and mapping (SLAM), and computer vision methods.
△ Less
Submitted 2 July, 2022;
originally announced July 2022.
-
Parametrization and Estimation of High-Rank Line-of-Sight MIMO Channels with Reflected Paths
Authors:
Yaqi Hu,
Mingsheng Yin,
Sundeep Rangan,
Marco Mezzavilla
Abstract:
High-rank line-of-sight (LOS) MIMO systems have attracted considerable attention for millimeter wave and THz communications. The small wavelengths in these frequencies enable spatial multiplexing with massive data rates at long distances. Such systems are also being considered for multi-path non-LOS (NLOS) environments. In these scenarios, standard channel models based on plane waves cannot captur…
▽ More
High-rank line-of-sight (LOS) MIMO systems have attracted considerable attention for millimeter wave and THz communications. The small wavelengths in these frequencies enable spatial multiplexing with massive data rates at long distances. Such systems are also being considered for multi-path non-LOS (NLOS) environments. In these scenarios, standard channel models based on plane waves cannot capture the curvature of each wave front necessary to model spatial multiplexing. This work presents a novel and simple multi-path wireless channel parametrization where each path is replaced by a LOS path with a reflected image source. The model fully is valid for all paths with specular planar reflections and captures the spherical nature of each wave front. Importantly, it is shown that the model uses only two additional parameters relative to the standard plane wave model. Moreover, the parameters can be easily captured in standard ray tracing. The accuracy of the approach is demonstrated on detailed ray tracing simulations at 28 GHz and 140 GHz in a dense urban area.
△ Less
Submitted 14 April, 2023; v1 submitted 11 May, 2022;
originally announced May 2022.
-
Kernel-Based Identification of Local Limit Cycle Dynamics with Linear Periodically Parameter-Varying Models
Authors:
Defne E. Ozan,
Mingzhou Yin,
Andrea Iannelli,
Roy S. Smith
Abstract:
Limit cycle oscillations are phenomena arising in nonlinear dynamical systems and characterized by periodic, locally-stable, and self-sustained state trajectories. Systems controlled in a closed loop along a periodic trajectory can also be modelled as systems experiencing limit cycle behavior. The goal of this work is to identify from data, the local dynamics around the limit cycle using linear pe…
▽ More
Limit cycle oscillations are phenomena arising in nonlinear dynamical systems and characterized by periodic, locally-stable, and self-sustained state trajectories. Systems controlled in a closed loop along a periodic trajectory can also be modelled as systems experiencing limit cycle behavior. The goal of this work is to identify from data, the local dynamics around the limit cycle using linear periodically parameter-varying models. Using a coordinate transformation onto transversal surfaces, the dynamics are decomposed into two parts: one along the limit cycle, and one on the transversal surfaces. Then, the model is identified from trajectory data using kernel-based methods with a periodic kernel design. The kernel-based model is extended to also account for variations in system parameters associated with different operating conditions. The performance of the proposed identification method is demonstrated on a benchmark nonlinear system and on a simplified airborne wind energy model. The method provides accurate model parameter estimation, compared to the analytical linearization, and good prediction capability.
△ Less
Submitted 31 August, 2022; v1 submitted 30 March, 2022;
originally announced March 2022.
-
Infinite-Dimensional Sparse Learning in Linear System Identification
Authors:
Mingzhou Yin,
Mehmet Tolga Akan,
Andrea Iannelli,
Roy S. Smith
Abstract:
Regularized methods have been widely applied to system identification problems without known model structures. This paper proposes an infinite-dimensional sparse learning algorithm based on atomic norm regularization. Atomic norm regularization decomposes the transfer function into first-order atomic models and solves a group lasso problem that selects a sparse set of poles and identifies the corr…
▽ More
Regularized methods have been widely applied to system identification problems without known model structures. This paper proposes an infinite-dimensional sparse learning algorithm based on atomic norm regularization. Atomic norm regularization decomposes the transfer function into first-order atomic models and solves a group lasso problem that selects a sparse set of poles and identifies the corresponding coefficients. The difficulty in solving the problem lies in the fact that there are an infinite number of possible atomic models. This work proposes a greedy algorithm that generates new candidate atomic models maximizing the violation of the optimality condition of the existing problem. This algorithm is able to solve the infinite-dimensional group lasso problem with high precision. The algorithm is further extended to reduce the bias and reject false positives in pole location estimation by iteratively reweighted adaptive group lasso and complementary pairs stability selection respectively. Numerical results demonstrate that the proposed algorithm performs better than benchmark parameterized and regularized methods in terms of both impulse response fitting and pole location estimation.
△ Less
Submitted 31 August, 2022; v1 submitted 28 March, 2022;
originally announced March 2022.
-
Learning Incrementally to Segment Multiple Organs in a CT Image
Authors:
Pengbo Liu,
Xia Wang,
Mengsi Fan,
Hongli Pan,
Minmin Yin,
Xiaohong Zhu,
Dandan Du,
Xiaoying Zhao,
Li Xiao,
Lian Ding,
Xingwang Wu,
S. Kevin Zhou
Abstract:
There exists a large number of datasets for organ segmentation, which are partially annotated and sequentially constructed. A typical dataset is constructed at a certain time by curating medical images and annotating the organs of interest. In other words, new datasets with annotations of new organ categories are built over time. To unleash the potential behind these partially labeled, sequentiall…
▽ More
There exists a large number of datasets for organ segmentation, which are partially annotated and sequentially constructed. A typical dataset is constructed at a certain time by curating medical images and annotating the organs of interest. In other words, new datasets with annotations of new organ categories are built over time. To unleash the potential behind these partially labeled, sequentially-constructed datasets, we propose to incrementally learn a multi-organ segmentation model. In each incremental learning (IL) stage, we lose the access to previous data and annotations, whose knowledge is assumingly captured by the current model, and gain the access to a new dataset with annotations of new organ categories, from which we learn to update the organ segmentation model to include the new organs. While IL is notorious for its `catastrophic forgetting' weakness in the context of natural image analysis, we experimentally discover that such a weakness mostly disappears for CT multi-organ segmentation. To further stabilize the model performance across the IL stages, we introduce a light memory module and some loss functions to restrain the representation of different categories in feature space, aggregating feature representation of the same class and separating feature representation of different classes. Extensive experiments on five open-sourced datasets are conducted to illustrate the effectiveness of our method.
△ Less
Submitted 3 March, 2022;
originally announced March 2022.
-
Data-Driven Prediction with Stochastic Data: Confidence Regions and Minimum Mean-Squared Error Estimates
Authors:
Mingzhou Yin,
Andrea Iannelli,
Roy S. Smith
Abstract:
Recently, direct data-driven prediction has found important applications for controlling unknown systems, particularly in predictive control. Such an approach provides exact prediction using behavioral system theory when noise-free data are available. For stochastic data, although approximate predictors exist based on different statistical criteria, they fail to provide statistical guarantees of p…
▽ More
Recently, direct data-driven prediction has found important applications for controlling unknown systems, particularly in predictive control. Such an approach provides exact prediction using behavioral system theory when noise-free data are available. For stochastic data, although approximate predictors exist based on different statistical criteria, they fail to provide statistical guarantees of prediction accuracy. In this paper, confidence regions are provided for these stochastic predictors based on the prediction error distribution. Leveraging this, an optimal predictor which achieves minimum mean-squared prediction error is also proposed to enhance prediction accuracy. These results depend on some true model parameters, but they can also be replaced with an approximate data-driven formulation in practice. Numerical results show that the derived confidence region is valid and smaller prediction errors are observed for the proposed minimum mean-squared error estimate, even with the approximate data-driven formulation.
△ Less
Submitted 8 November, 2021;
originally announced November 2021.
-
Millimeter Wave Wireless Assisted Robot Navigation with Link State Classification
Authors:
Mingsheng Yin,
Akshaj Veldanda,
Amee Trivedi,
Jeff Zhang,
Kai Pfeiffer,
Yaqi Hu,
Siddharth Garg,
Elza Erkip,
Ludovic Righetti,
Sundeep Rangan
Abstract:
The millimeter wave (mmWave) bands have attracted considerable attention for high precision localization applications due to the ability to capture high angular and temporal resolution measurements. This paper explores mmWave-based positioning for a target localization problem where a fixed target broadcasts mmWave signals and a mobile robotic agent attempts to capture the signals to locate and na…
▽ More
The millimeter wave (mmWave) bands have attracted considerable attention for high precision localization applications due to the ability to capture high angular and temporal resolution measurements. This paper explores mmWave-based positioning for a target localization problem where a fixed target broadcasts mmWave signals and a mobile robotic agent attempts to capture the signals to locate and navigate to the target. A three-stage procedure is proposed: First, the mobile agent uses tensor decomposition methods to detect the multipath channel components and estimate their parameters. Second, a machine-learning trained classifier is then used to predict the link state, meaning if the strongest path is line-of-sight (LOS) or non-LOS (NLOS). For the NLOS case, the link state predictor also determines if the strongest path arrived via one or more reflections. Third, based on the link state, the agent either follows the estimated angles or uses computer vision or other sensor to explore and map the environment. The method is demonstrated on a large dataset of indoor environments supplemented with ray tracing to simulate the wireless propagation. The path estimation and link state classification are also integrated into a state-of-the-art neural simultaneous localization and mapping (SLAM) module to augment camera and LIDAR-based navigation. It is shown that the link state classifier can successfully generalize to completely new environments outside the training set. In addition, the neural-SLAM module with the wireless path estimation and link state classifier provides rapid navigation to the target, close to a baseline that knows the target location.
△ Less
Submitted 18 February, 2022; v1 submitted 27 October, 2021;
originally announced October 2021.
-
Design of input for data-driven simulation with Hankel and Page matrices
Authors:
Andrea Iannelli,
Mingzhou Yin,
Roy S. Smith
Abstract:
The paper deals with the problem of designing informative input trajectories for data-driven simulation. First, the excitation requirements in the case of noise-free data are discussed and new weaker conditions, which assume the simulated input to be known in advance, are provided. Then, the case of noisy data trajectories is considered and an input design problem based on a recently proposed maxi…
▽ More
The paper deals with the problem of designing informative input trajectories for data-driven simulation. First, the excitation requirements in the case of noise-free data are discussed and new weaker conditions, which assume the simulated input to be known in advance, are provided. Then, the case of noisy data trajectories is considered and an input design problem based on a recently proposed maximum likelihood estimator is formulated. A Bayesian interpretation is provided, and the implications of using Hankel and Page matrix representations are demonstrated. Numerical examples show the impact of the designed input on the predictive accuracy.
△ Less
Submitted 13 September, 2021; v1 submitted 10 September, 2021;
originally announced September 2021.
-
Identifying Illicit Drug Dealers on Instagram with Large-scale Multimodal Data Fusion
Authors:
Chuanbo Hu,
Minglei Yin,
Bin Liu,
Xin Li,
Yanfang Ye
Abstract:
Illicit drug trafficking via social media sites such as Instagram has become a severe problem, thus drawing a great deal of attention from law enforcement and public health agencies. How to identify illicit drug dealers from social media data has remained a technical challenge due to the following reasons. On the one hand, the available data are limited because of privacy concerns with crawling so…
▽ More
Illicit drug trafficking via social media sites such as Instagram has become a severe problem, thus drawing a great deal of attention from law enforcement and public health agencies. How to identify illicit drug dealers from social media data has remained a technical challenge due to the following reasons. On the one hand, the available data are limited because of privacy concerns with crawling social media sites; on the other hand, the diversity of drug dealing patterns makes it difficult to reliably distinguish drug dealers from common drug users. Unlike existing methods that focus on posting-based detection, we propose to tackle the problem of illicit drug dealer identification by constructing a large-scale multimodal dataset named Identifying Drug Dealers on Instagram (IDDIG). Totally nearly 4,000 user accounts, of which over 1,400 are drug dealers, have been collected from Instagram with multiple data sources including post comments, post images, homepage bio, and homepage images. We then design a quadruple-based multimodal fusion method to combine the multiple data sources associated with each user account for drug dealer identification. Experimental results on the constructed IDDIG dataset demonstrate the effectiveness of the proposed method in identifying drug dealers (almost 95% accuracy). Moreover, we have developed a hashtag-based community detection technique for discovering evolving patterns, especially those related to geography and drug types.
△ Less
Submitted 22 August, 2021; v1 submitted 18 August, 2021;
originally announced August 2021.
-
Application of Opportunistic Bit to Multilevel Codes
Authors:
Bingli Jiao,
Mingxi Yin,
Yuli Yang
Abstract:
In this paper, we propose a new signal organization method to work in the structure of the multi level coding (MLC). The transmit bits are divided into opportunistic bit (OB) and conventional bit (CB), which are mapped to the lower level- and higher level signal in parallel to the MLC, respectively. Because the OB's mapping does not require signal power explicitly, the energy of the CB modulated s…
▽ More
In this paper, we propose a new signal organization method to work in the structure of the multi level coding (MLC). The transmit bits are divided into opportunistic bit (OB) and conventional bit (CB), which are mapped to the lower level- and higher level signal in parallel to the MLC, respectively. Because the OB's mapping does not require signal power explicitly, the energy of the CB modulated symbol can be doubled. As the result, the overall mutual information of the proposed method is found higher than that of the conventional BPSK in one dimensional case. Moreover, the extension of the method to the two-complex-dimension shows the better performance over the QPSK. The numerical results confirm this approach.
△ Less
Submitted 25 May, 2021; v1 submitted 24 May, 2021;
originally announced May 2021.
-
A Practical Consideration on Convex Mutual Information
Authors:
Mingxi Yin,
Bingli Jiao,
Dongsheng Zheng,
Yuli Yang
Abstract:
In this paper, we focus on the convex mutual information, which was found at the lowest level split in multilevel coding schemes with communications over the additive white Gaussian noise (AWGN) channel. Theoretical analysis shows that communication achievable rates (ARs) do not necessarily below mutual information in the convex region. In addition, simulation results are provided as an evidence.
In this paper, we focus on the convex mutual information, which was found at the lowest level split in multilevel coding schemes with communications over the additive white Gaussian noise (AWGN) channel. Theoretical analysis shows that communication achievable rates (ARs) do not necessarily below mutual information in the convex region. In addition, simulation results are provided as an evidence.
△ Less
Submitted 24 May, 2021;
originally announced May 2021.
-
Experiment design for impulse response identification with signal matrix models
Authors:
Andrea Iannelli,
Mingzhou Yin,
Roy S. Smith
Abstract:
This paper formulates an input design approach for truncated infinite impulse response identification in the context of implicit model representations recently used as basis for data-driven simulation and control approaches. Precisely, the considered model consists of a linear combination of the columns of a data (or signal) matrix. An optimal combination for the case of noisy data was recently pr…
▽ More
This paper formulates an input design approach for truncated infinite impulse response identification in the context of implicit model representations recently used as basis for data-driven simulation and control approaches. Precisely, the considered model consists of a linear combination of the columns of a data (or signal) matrix. An optimal combination for the case of noisy data was recently proposed using a maximum likelihood approach, and the objective here is to optimize the input entries of the data matrix such that the mean-square error matrix of the estimate is minimized. A least-norm problem is derived in terms of the optimality criteria typically considered in the experiment design literature. Numerical results showcase the improved estimation fit achieved with the optimized input.
△ Less
Submitted 11 April, 2021; v1 submitted 15 December, 2020;
originally announced December 2020.
-
On Low-Rank Hankel Matrix Denoising
Authors:
Mingzhou Yin,
Roy S. Smith
Abstract:
The low-complexity assumption in linear systems can often be expressed as rank deficiency in data matrices with generalized Hankel structure. This makes it possible to denoise the data by estimating the underlying structured low-rank matrix. However, standard low-rank approximation approaches are not guaranteed to perform well in estimating the noise-free matrix. In this paper, recent results in m…
▽ More
The low-complexity assumption in linear systems can often be expressed as rank deficiency in data matrices with generalized Hankel structure. This makes it possible to denoise the data by estimating the underlying structured low-rank matrix. However, standard low-rank approximation approaches are not guaranteed to perform well in estimating the noise-free matrix. In this paper, recent results in matrix denoising by singular value shrinkage are reviewed. A novel approach is proposed to solve the low-rank Hankel matrix denoising problem by using an iterative algorithm in structured low-rank approximation modified with data-driven singular value shrinkage. It is shown numerically in both the input-output trajectory denoising and the impulse response denoising problems, that the proposed method performs the best in terms of estimating the noise-free matrix among existing algorithms of low-rank matrix approximation and denoising.
△ Less
Submitted 14 December, 2020;
originally announced December 2020.
-
Maximum Likelihood Signal Matrix Model for Data-Driven Predictive Control
Authors:
Mingzhou Yin,
Andrea Iannelli,
Roy S. Smith
Abstract:
The paper presents a data-driven predictive control framework based on an implicit input-output mapping derived directly from the signal matrix of collected data. This signal matrix model is derived by maximum likelihood estimation with noise-corrupted data. By linearizing online, the implicit model can be used as a linear constraint to characterize possible trajectories of the system in receding…
▽ More
The paper presents a data-driven predictive control framework based on an implicit input-output mapping derived directly from the signal matrix of collected data. This signal matrix model is derived by maximum likelihood estimation with noise-corrupted data. By linearizing online, the implicit model can be used as a linear constraint to characterize possible trajectories of the system in receding horizon control. The signal matrix can also be updated online with new measurements. This algorithm can be applied to large datasets and slowly time-varying systems, possibly with high noise levels. An additional regularization term on the prediction error can be introduced to enhance the predictability and thus the control performance. Numerical results demonstrate that the proposed signal matrix model predictive control algorithm is effective in multiple applications and performs better than existing data-driven predictive control algorithm.
△ Less
Submitted 8 November, 2021; v1 submitted 8 December, 2020;
originally announced December 2020.
-
Maximum Likelihood Estimation in Data-Driven Modeling and Control
Authors:
Mingzhou Yin,
Andrea Iannelli,
Roy S. Smith
Abstract:
Recently, various algorithms for data-driven simulation and control have been proposed based on the Willems' fundamental lemma. However, when collected data are noisy, these methods lead to ill-conditioned data-driven model structures. In this work, we present a maximum likelihood framework to obtain an optimal data-driven model, the signal matrix model, in the presence of output noise. Data compr…
▽ More
Recently, various algorithms for data-driven simulation and control have been proposed based on the Willems' fundamental lemma. However, when collected data are noisy, these methods lead to ill-conditioned data-driven model structures. In this work, we present a maximum likelihood framework to obtain an optimal data-driven model, the signal matrix model, in the presence of output noise. Data compression and noise level estimation schemes are also proposed to apply the algorithm efficiently to large datasets and unknown noise level scenarios. Two approaches in system identification and receding horizon control are developed based on the derived optimal estimator. The first one identifies a finite impulse response model. This approach improves the least-squares estimator with less restrictive assumptions. The second one applies the signal matrix model as the predictor in predictive control. The control performance is shown to be better than existing data-driven predictive control algorithms, especially under high noise levels. Both approaches demonstrate that the derived estimator provides a promising framework to apply data-driven algorithms to noisy data.
△ Less
Submitted 20 December, 2021; v1 submitted 2 November, 2020;
originally announced November 2020.
-
Physics-Informed Neural Networks for Nonhomogeneous Material Identification in Elasticity Imaging
Authors:
Enrui Zhang,
Minglang Yin,
George Em Karniadakis
Abstract:
We apply Physics-Informed Neural Networks (PINNs) for solving identification problems of nonhomogeneous materials. We focus on the problem with a background in elasticity imaging, where one seeks to identify the nonhomogeneous mechanical properties of soft tissue based on the full-field displacement measurements under quasi-static loading. In our model, we apply two independent neural networks, on…
▽ More
We apply Physics-Informed Neural Networks (PINNs) for solving identification problems of nonhomogeneous materials. We focus on the problem with a background in elasticity imaging, where one seeks to identify the nonhomogeneous mechanical properties of soft tissue based on the full-field displacement measurements under quasi-static loading. In our model, we apply two independent neural networks, one for approximating the solution of the corresponding forward problem, and the other for approximating the unknown material parameter field. As a proof of concept, we validate our model on a prototypical plane strain problem for incompressible hyperelastic tissue. The results show that the PINNs are effective in accurately recovering the unknown distribution of mechanical properties. By employing two neural networks in our model, we extend the capability of material identification of PINNs to include nonhomogeneous material parameter fields, which enables more flexibility of PINNs in representing complex material properties.
△ Less
Submitted 2 September, 2020;
originally announced September 2020.
-
Subspace Identification of Linear Time-Periodic Systems with Periodic Inputs
Authors:
Mingzhou Yin,
Andrea Iannelli,
Roy S. Smith
Abstract:
This paper proposes a new methodology for subspace identification of linear time-periodic (LTP) systems with periodic inputs. This method overcomes the issues related to the computation of frequency response of LTP systems by utilizing the frequency response of the time-lifted system with linear time-invariant structure instead. The response is estimated with an ensemble of input-output data with…
▽ More
This paper proposes a new methodology for subspace identification of linear time-periodic (LTP) systems with periodic inputs. This method overcomes the issues related to the computation of frequency response of LTP systems by utilizing the frequency response of the time-lifted system with linear time-invariant structure instead. The response is estimated with an ensemble of input-output data with periodic inputs. This allows the frequency-domain subspace identification technique to be extended to LTP systems. The time-aliased periodic impulse response can then be estimated and the order-revealing decomposition of the block-Hankel matrix is formulated. The consistency of the proposed method is proved under mild noise assumptions. Numerical simulation shows that the proposed method performs better than multiple widely-used time-domain subspace identification methods when an ensemble of periodic data is available.
△ Less
Submitted 6 June, 2020;
originally announced June 2020.
-
Linear Time-Periodic System Identification with Grouped Atomic Norm Regularization
Authors:
Mingzhou Yin,
Andrea Iannelli,
Mohammad Khosravi,
Anilkumar Parsi,
Roy S. Smith
Abstract:
This paper proposes a new methodology in linear time-periodic (LTP) system identification. In contrast to previous methods that totally separate dynamics at different tag times for identification, the method focuses on imposing appropriate structural constraints on the linear time-invariant (LTI) reformulation of LTP systems. This method adopts a periodically-switched truncated infinite impulse re…
▽ More
This paper proposes a new methodology in linear time-periodic (LTP) system identification. In contrast to previous methods that totally separate dynamics at different tag times for identification, the method focuses on imposing appropriate structural constraints on the linear time-invariant (LTI) reformulation of LTP systems. This method adopts a periodically-switched truncated infinite impulse response model for LTP systems, where the structural constraints are interpreted as the requirement to place the poles of the non-truncated models at the same locations for all sub-models. This constraint is imposed by combining the atomic norm regularization framework for LTI systems with the group lasso technique in regression. As a result, the estimated system is both uniform and low-order, which is hard to achieve with other existing estimators. Monte Carlo simulation shows that the grouped atomic norm method does not only show better results compared to other regularized methods, but also outperforms the subspace identification method under high noise levels in terms of model fitting.
△ Less
Submitted 17 March, 2020; v1 submitted 14 March, 2020;
originally announced March 2020.
-
Probabilistic Flight Envelope Estimation with Application to Unstable Overactuated Aircraft
Authors:
Mingzhou Yin,
Q. P. Chu,
Y. Zhang,
Michael A. Niestroy,
C. C. de Visser
Abstract:
This paper proposes a novel and practical framework for safe flight envelope estimation and protection, in order to prevent loss-of-control-related accidents. Conventional analytical envelope estimation methods fail to function efficiently for systems with high dimensionality and complex dynamics, which is often the case for high-fidelity aircraft models. In this way, this paper develops a probabi…
▽ More
This paper proposes a novel and practical framework for safe flight envelope estimation and protection, in order to prevent loss-of-control-related accidents. Conventional analytical envelope estimation methods fail to function efficiently for systems with high dimensionality and complex dynamics, which is often the case for high-fidelity aircraft models. In this way, this paper develops a probabilistic envelope estimation method based on Monte Carlo simulation. This method generates a probabilistic estimation of the flight envelope by simulating flight trajectories with extreme control effectiveness. It is shown that this method can significantly reduce the computational load compared with previous optimization-based methods and guarantee feasible and conservative envelope estimation of no less than seven dimensions. This method was applied to the Innovative Control Effectors aircraft, an overactuated tailless fighter aircraft with complex aerodynamic coupling between control effectors. The estimated probabilistic flight envelope is used for online envelope protection by a database approach. Both conventional state-constraint-based and novel predictive probabilistic flight envelope protection systems were implemented on a multiloop nonlinear dynamic inversion controller. Real-time simulation results demonstrate that the proposed framework can protect the aircraft within the estimated envelope and save the aircraft from maneuvers that otherwise would result in loss of control.
△ Less
Submitted 14 March, 2020;
originally announced March 2020.
-
Robust Adaptive Model Predictive Control with Worst-Case Cost
Authors:
Anilkumar Parsi,
Andrea Iannelli,
Mingzhou Yin,
Mohammad Khosravi,
Roy S. Smith
Abstract:
A robust adaptive model predictive control (MPC) algorithm is presented for linear, time invariant systems with unknown dynamics and subject to bounded measurement noise. The system is characterized by an impulse response model, which is assumed to lie within a bounded set called the feasible system set. Online set-membership identification is used to reduce uncertainty in the impulse response. In…
▽ More
A robust adaptive model predictive control (MPC) algorithm is presented for linear, time invariant systems with unknown dynamics and subject to bounded measurement noise. The system is characterized by an impulse response model, which is assumed to lie within a bounded set called the feasible system set. Online set-membership identification is used to reduce uncertainty in the impulse response. In the MPC scheme, robust constraints are enforced to ensure constraint satisfaction for all the models in the feasible set. The performance objective is formulated as a worst-case cost with respect to the modeling uncertainties. That is, at each time step an optimization problem is solved in which the control input is optimized for the worst-case plant in the uncertainty set. The performance of the proposed algorithm is compared to an adaptive MPC algorithm from the literature using Monte-Carlo simulations.
△ Less
Submitted 19 November, 2019;
originally announced November 2019.