-
Development and Real-World Application of Commercial Motor Vehicle Safety Enforcement Dashboards
Authors:
Dhairya Parekh,
Mark L. Franz Ph. D,
Sara Zahedian Ph. D,
Narjes Shayesteh
Abstract:
Commercial Motor Vehicle (CMV) safety is crucial in traffic management and public safety. CMVs account for numerous traffic incidents, so monitoring CMV safety and safety inspections is essential for ensuring safe and efficient highway movement. This paper presents the development and real-world application of CMV dashboards designed under the guidance of CMV safety enforcement professionals from…
▽ More
Commercial Motor Vehicle (CMV) safety is crucial in traffic management and public safety. CMVs account for numerous traffic incidents, so monitoring CMV safety and safety inspections is essential for ensuring safe and efficient highway movement. This paper presents the development and real-world application of CMV dashboards designed under the guidance of CMV safety enforcement professionals from the Maryland State Police (MSP), the Maryland Department of Transportation - State Highway Administration (MDOT - SHA), and the Federal Motor Carrier Safety Administration (FMCSA) to enable intuitive and efficient analysis of CMV safety performance measures. First, three CMV safety dashboards enable CMV safety professionals to identify sites with a history of safety performance issues. A supplemental dashboard automates the analysis of CMV enforcement initiatives using the same performance measures. These performance measures are based on CMV probe vehicle speeds, inspection/citation data from Truck Weigh and Inspection Stations (TWIS), patrolling enforcement, and Virtual Weigh Stations (VWS). The authors collaborated with MSP to identify a portion of I-81 in Maryland, susceptible to improvement from targeted CMV enforcement. The supplemental enforcement assessment dashboard was employed to evaluate the impact of enforcement, including the post-enforcement halo effect. The results of the post-enforcement evaluation were mixed, indicating a need for more fine-grained citation data.
△ Less
Submitted 8 July, 2025;
originally announced July 2025.
-
Benchmarking Traditional Machine Learning and Deep Learning Models for Fault Detection in Power Transformers
Authors:
Bhuvan Saravanan,
Pasanth Kumar M D,
Aarnesh Vengateson
Abstract:
Accurate diagnosis of power transformer faults is essential for ensuring the stability and safety of electrical power systems. This study presents a comparative analysis of conventional machine learning (ML) algorithms and deep learning (DL) algorithms for fault classification of power transformers. Using a condition-monitored dataset spanning 10 months, various gas concentration features were nor…
▽ More
Accurate diagnosis of power transformer faults is essential for ensuring the stability and safety of electrical power systems. This study presents a comparative analysis of conventional machine learning (ML) algorithms and deep learning (DL) algorithms for fault classification of power transformers. Using a condition-monitored dataset spanning 10 months, various gas concentration features were normalized and used to train five ML classifiers: Support Vector Machine (SVM), k-Nearest Neighbors (KNN), Random Forest (RF), XGBoost, and Artificial Neural Network (ANN). In addition, four DL models were evaluated: Long Short-Term Memory (LSTM), Gated Recurrent Unit (GRU), One-Dimensional Convolutional Neural Network (1D-CNN), and TabNet. Experimental results show that both ML and DL approaches performed comparably. The RF model achieved the highest ML accuracy at 86.82%, while the 1D-CNN model attained a close 86.30%.
△ Less
Submitted 7 May, 2025;
originally announced May 2025.
-
SynFuzz: Leveraging Fuzzing of Netlist to Detect Synthesis Bugs
Authors:
Raghul Saravanan,
Sudipta Paria,
Aritra Dasgupta,
Venkat Nitin Patnala,
Swarup Bhunia,
Sai Manoj P D
Abstract:
In the evolving landscape of integrated circuit (IC) design, the increasing complexity of modern processors and intellectual property (IP) cores has introduced new challenges in ensuring design correctness and security. The recent advancements in hardware fuzzing techniques have shown their efficacy in detecting hardware bugs and vulnerabilities at the RTL abstraction level of hardware. However, t…
▽ More
In the evolving landscape of integrated circuit (IC) design, the increasing complexity of modern processors and intellectual property (IP) cores has introduced new challenges in ensuring design correctness and security. The recent advancements in hardware fuzzing techniques have shown their efficacy in detecting hardware bugs and vulnerabilities at the RTL abstraction level of hardware. However, they suffer from several limitations, including an inability to address vulnerabilities introduced during synthesis and gate-level transformations. These methods often fail to detect issues arising from library adversaries, where compromised or malicious library components can introduce backdoors or unintended behaviors into the design. In this paper, we present a novel hardware fuzzer, SynFuzz, designed to overcome the limitations of existing hardware fuzzing frameworks. SynFuzz focuses on fuzzing hardware at the gate-level netlist to identify synthesis bugs and vulnerabilities that arise during the transition from RTL to the gate-level. We analyze the intrinsic hardware behaviors using coverage metrics specifically tailored for the gate-level. Furthermore, SynFuzz implements differential fuzzing to uncover bugs associated with EDA libraries. We evaluated SynFuzz on popular open-source processors and IP designs, successfully identifying 7 new synthesis bugs. Additionally, by exploiting the optimization settings of EDA tools, we performed a compromised library mapping attack (CLiMA), creating a malicious version of hardware designs that remains undetectable by traditional verification methods. We also demonstrate how SynFuzz overcomes the limitations of the industry-standard formal verification tool, Cadence Conformal, providing a more robust and comprehensive approach to hardware verification.
△ Less
Submitted 16 May, 2025; v1 submitted 26 April, 2025;
originally announced April 2025.
-
SAGA: Semantic-Aware Gray color Augmentation for Visible-to-Thermal Domain Adaptation across Multi-View Drone and Ground-Based Vision Systems
Authors:
Manjunath D,
Aniruddh Sikdar,
Prajwal Gurunath,
Sumanth Udupa,
Suresh Sundaram
Abstract:
Domain-adaptive thermal object detection plays a key role in facilitating visible (RGB)-to-thermal (IR) adaptation by reducing the need for co-registered image pairs and minimizing reliance on large annotated IR datasets. However, inherent limitations of IR images, such as the lack of color and texture cues, pose challenges for RGB-trained models, leading to increased false positives and poor-qual…
▽ More
Domain-adaptive thermal object detection plays a key role in facilitating visible (RGB)-to-thermal (IR) adaptation by reducing the need for co-registered image pairs and minimizing reliance on large annotated IR datasets. However, inherent limitations of IR images, such as the lack of color and texture cues, pose challenges for RGB-trained models, leading to increased false positives and poor-quality pseudo-labels. To address this, we propose Semantic-Aware Gray color Augmentation (SAGA), a novel strategy for mitigating color bias and bridging the domain gap by extracting object-level features relevant to IR images. Additionally, to validate the proposed SAGA for drone imagery, we introduce the IndraEye, a multi-sensor (RGB-IR) dataset designed for diverse applications. The dataset contains 5,612 images with 145,666 instances, captured from diverse angles, altitudes, backgrounds, and times of day, offering valuable opportunities for multimodal learning, domain adaptation for object detection and segmentation, and exploration of sensor-specific strengths and weaknesses. IndraEye aims to enhance the development of more robust and accurate aerial perception systems, especially in challenging environments. Experimental results show that SAGA significantly improves RGB-to-IR adaptation for autonomous driving and IndraEye dataset, achieving consistent performance gains of +0.4% to +7.6% (mAP) when integrated with state-of-the-art domain adaptation techniques. The dataset and codes are available at https://github.com/airliisc/IndraEye.
△ Less
Submitted 22 April, 2025;
originally announced April 2025.
-
IndraEye: Infrared Electro-Optical UAV-based Perception Dataset for Robust Downstream Tasks
Authors:
Manjunath D,
Prajwal Gurunath,
Sumanth Udupa,
Aditya Gandhamal,
Shrikar Madhu,
Aniruddh Sikdar,
Suresh Sundaram
Abstract:
Deep neural networks (DNNs) have shown exceptional performance when trained on well-illuminated images captured by Electro-Optical (EO) cameras, which provide rich texture details. However, in critical applications like aerial perception, it is essential for DNNs to maintain consistent reliability across all conditions, including low-light scenarios where EO cameras often struggle to capture suffi…
▽ More
Deep neural networks (DNNs) have shown exceptional performance when trained on well-illuminated images captured by Electro-Optical (EO) cameras, which provide rich texture details. However, in critical applications like aerial perception, it is essential for DNNs to maintain consistent reliability across all conditions, including low-light scenarios where EO cameras often struggle to capture sufficient detail. Additionally, UAV-based aerial object detection faces significant challenges due to scale variability from varying altitudes and slant angles, adding another layer of complexity. Existing methods typically address only illumination changes or style variations as domain shifts, but in aerial perception, correlation shifts also impact DNN performance. In this paper, we introduce the IndraEye dataset, a multi-sensor (EO-IR) dataset designed for various tasks. It includes 5,612 images with 145,666 instances, encompassing multiple viewing angles, altitudes, seven backgrounds, and different times of the day across the Indian subcontinent. The dataset opens up several research opportunities, such as multimodal learning, domain adaptation for object detection and segmentation, and exploration of sensor-specific strengths and weaknesses. IndraEye aims to advance the field by supporting the development of more robust and accurate aerial perception systems, particularly in challenging conditions. IndraEye dataset is benchmarked with object detection and semantic segmentation tasks. Dataset and source codes are available at https://bit.ly/indraeye.
△ Less
Submitted 28 October, 2024;
originally announced October 2024.
-
Towards Precision in Appearance-based Gaze Estimation in the Wild
Authors:
Murthy L. R. D.,
Abhishek Mukhopadhyay,
Shambhavi Aggarwal,
Ketan Anand,
Pradipta Biswas
Abstract:
Appearance-based gaze estimation systems have shown great progress recently, yet the performance of these techniques depend on the datasets used for training. Most of the existing gaze estimation datasets setup in interactive settings were recorded in laboratory conditions and those recorded in the wild conditions display limited head pose and illumination variations. Further, we observed little a…
▽ More
Appearance-based gaze estimation systems have shown great progress recently, yet the performance of these techniques depend on the datasets used for training. Most of the existing gaze estimation datasets setup in interactive settings were recorded in laboratory conditions and those recorded in the wild conditions display limited head pose and illumination variations. Further, we observed little attention so far towards precision evaluations of existing gaze estimation approaches. In this work, we present a large gaze estimation dataset, PARKS-Gaze, with wider head pose and illumination variation and with multiple samples for a single Point of Gaze (PoG). The dataset contains 974 minutes of data from 28 participants with a head pose range of 60 degrees in both yaw and pitch directions. Our within-dataset and cross-dataset evaluations and precision evaluations indicate that the proposed dataset is more challenging and enable models to generalize on unseen participants better than the existing in-the-wild datasets. The project page can be accessed here: https://github.com/lrdmurthy/PARKS-Gaze
△ Less
Submitted 13 February, 2023; v1 submitted 5 February, 2023;
originally announced February 2023.
-
Open RAN: Evolution of Architecture, Deployment Aspects, and Future Directions
Authors:
Prabhu Kaliyammal Thiruvasagam,
Chandrasekar T,
Vinay Venkataram,
Vivek Raja Ilangovan,
Maneesha Perapalla,
Rajisha Payyanur,
Senthilnathan M D,
Vishal Kumar,
Kokila J
Abstract:
The Open Radio Access Network (Open RAN) aims to enable disaggregated, virtualized, programmable, and data-driven intelligent network with open interfaces to support various real-time and non-real-time applications for different classes of users and multiple industry verticals in beyond 5G and 6G networks while providing interoperability among multi-vendor network functions and components. In this…
▽ More
The Open Radio Access Network (Open RAN) aims to enable disaggregated, virtualized, programmable, and data-driven intelligent network with open interfaces to support various real-time and non-real-time applications for different classes of users and multiple industry verticals in beyond 5G and 6G networks while providing interoperability among multi-vendor network functions and components. In this article, we first discuss the evolution of RAN and then the O-RAN Alliance standardization activities and objectives to provide a comprehensive overview of O-RAN from a standardization point of view. Then, we discuss the O-RAN security aspects, use cases, deployment aspects, and open source projects and related activities in other forums. Finally, we summarize the open issues, challenges, and future research directions to explore further for in-depth study and analysis.
△ Less
Submitted 17 January, 2023;
originally announced January 2023.
-
ACTIVE: A Deep Model for Sperm and Impurity Detection in Microscopic Videos
Authors:
Ao Chen,
Jinghua Zhang,
Md Mamunur Rahaman,
Hongzan Sun,
M. D.,
Tieyong Zeng,
Marcin Grzegorzek,
Feng-Lei Fan,
Chen Li
Abstract:
The accurate detection of sperms and impurities is a very challenging task, facing problems such as the small size of targets, indefinite target morphologies, low contrast and resolution of the video, and similarity of sperms and impurities. So far, the detection of sperms and impurities still largely relies on the traditional image processing and detection techniques which only yield limited perf…
▽ More
The accurate detection of sperms and impurities is a very challenging task, facing problems such as the small size of targets, indefinite target morphologies, low contrast and resolution of the video, and similarity of sperms and impurities. So far, the detection of sperms and impurities still largely relies on the traditional image processing and detection techniques which only yield limited performance and often require manual intervention in the detection process, therefore unfavorably escalating the time cost and injecting the subjective bias into the analysis. Encouraged by the successes of deep learning methods in numerous object detection tasks, here we report a deep learning model based on Double Branch Feature Extraction Network (DBFEN) and Cross-conjugate Feature Pyramid Networks (CCFPN).DBFEN is designed to extract visual features from tiny objects with a double branch structure, and CCFPN is further introduced to fuse the features extracted by DBFEN to enhance the description of position and high-level semantic information. Our work is the pioneer of introducing deep learning approaches to the detection of sperms and impurities. Experiments show that the highest AP50 of the sperm and impurity detection is 91.13% and 59.64%, which lead its competitors by a substantial margin and establish new state-of-the-art results in this problem.
△ Less
Submitted 14 January, 2023;
originally announced January 2023.
-
Use of Electronic Resources by Law Academics in India
Authors:
Mane Sunita D,
Subaveerapandiyan A
Abstract:
This study investigated e-resources use, storage, the preferred format for reading, and difficulties faced while accessing e-resources. Electronic resources are playing a crucial role all over the world, and they are increasing widely in all age groups of the academic community. The main aim of the law academics' role is to know the effective use of electronic resources. For this study, we adopted…
▽ More
This study investigated e-resources use, storage, the preferred format for reading, and difficulties faced while accessing e-resources. Electronic resources are playing a crucial role all over the world, and they are increasing widely in all age groups of the academic community. The main aim of the law academics' role is to know the effective use of electronic resources. For this study, we adopted a descriptive survey research design that was used to collect feedback from the respondents through the survey and Google form. The study samples are Progressive Education Society's Modern Law College affiliated with Savitribai Phule Pune University. BA LLB students are samples of the study.
△ Less
Submitted 14 October, 2022;
originally announced October 2022.
-
Adaptive-Gravity: A Defense Against Adversarial Samples
Authors:
Ali Mirzaeian,
Zhi Tian,
Sai Manoj P D,
Banafsheh S. Latibari,
Ioannis Savidis,
Houman Homayoun,
Avesta Sasan
Abstract:
This paper presents a novel model training solution, denoted as Adaptive-Gravity, for enhancing the robustness of deep neural network classifiers against adversarial examples. We conceptualize the model parameters/features associated with each class as a mass characterized by its centroid location and the spread (standard deviation of the distance) of features around the centroid. We use the centr…
▽ More
This paper presents a novel model training solution, denoted as Adaptive-Gravity, for enhancing the robustness of deep neural network classifiers against adversarial examples. We conceptualize the model parameters/features associated with each class as a mass characterized by its centroid location and the spread (standard deviation of the distance) of features around the centroid. We use the centroid associated with each cluster to derive an anti-gravity force that pushes the centroids of different classes away from one another during network training. Then we customized an objective function that aims to concentrate each class's features toward their corresponding new centroid, which has been obtained by anti-gravity force. This methodology results in a larger separation between different masses and reduces the spread of features around each centroid. As a result, the samples are pushed away from the space that adversarial examples could be mapped to, effectively increasing the degree of perturbation needed for making an adversarial example. We have implemented this training solution as an iterative method consisting of four steps at each iteration: 1) centroid extraction, 2) anti-gravity force calculation, 3) centroid relocation, and 4) gravity training. Gravity's efficiency is evaluated by measuring the corresponding fooling rates against various attack models, including FGSM, MIM, BIM, and PGD using LeNet and ResNet110 networks, benchmarked against MNIST and CIFAR10 classification problems. Test results show that Gravity not only functions as a powerful instrument to robustify a model against state-of-the-art adversarial attacks but also effectively improves the model training accuracy.
△ Less
Submitted 7 April, 2022;
originally announced April 2022.
-
Deep learning model trained on mobile phone-acquired frozen section images effectively detects basal cell carcinoma
Authors:
Junli Cao,
B. S.,
Junyan Wu,
M. S.,
Jing W. Zhang,
M. D.,
Ph. D.,
Jay J. Ye,
M. D.,
Ph. D.,
Limin Yu,
M. D.,
M. S
Abstract:
Background: Margin assessment of basal cell carcinoma using the frozen section is a common task of pathology intraoperative consultation. Although frequently straight-forward, the determination of the presence or absence of basal cell carcinoma on the tissue sections can sometimes be challenging. We explore if a deep learning model trained on mobile phone-acquired frozen section images can have ad…
▽ More
Background: Margin assessment of basal cell carcinoma using the frozen section is a common task of pathology intraoperative consultation. Although frequently straight-forward, the determination of the presence or absence of basal cell carcinoma on the tissue sections can sometimes be challenging. We explore if a deep learning model trained on mobile phone-acquired frozen section images can have adequate performance for future deployment. Materials and Methods: One thousand two hundred and forty-one (1241) images of frozen sections performed for basal cell carcinoma margin status were acquired using mobile phones. The photos were taken at 100x magnification (10x objective). The images were downscaled from a 4032 x 3024 pixel resolution to 576 x 432 pixel resolution. Semantic segmentation algorithm Deeplab V3 with Xception backbone was used for model training. Results: The model uses an image as input and produces a 2-dimensional black and white output of prediction of the same dimension; the areas determined to be basal cell carcinoma were displayed with white color, in a black background. Any output with the number of white pixels exceeding 0.5% of the total number of pixels is deemed positive for basal cell carcinoma. On the test set, the model achieves area under curve of 0.99 for receiver operator curve and 0.97 for precision-recall curve at the pixel level. The accuracy of classification at the slide level is 96%. Conclusions: The deep learning model trained with mobile phone images shows satisfactory performance characteristics, and thus demonstrates the potential for deploying as a mobile phone app to assist in frozen section interpretation in real time.
△ Less
Submitted 22 November, 2020;
originally announced November 2020.
-
Extracting and Learning Fine-Grained Labels from Chest Radiographs
Authors:
Tanveer Syeda-Mahmood,
Ph. D,
K. C. L Wong,
Ph. D,
Joy T. Wu,
M. D.,
M. P. H,
Ashutosh Jadhav,
Ph. D,
Orest Boyko,
M. D. Ph. D
Abstract:
Chest radiographs are the most common diagnostic exam in emergency rooms and intensive care units today. Recently, a number of researchers have begun working on large chest X-ray datasets to develop deep learning models for recognition of a handful of coarse finding classes such as opacities, masses and nodules. In this paper, we focus on extracting and learning fine-grained labels for chest X-ray…
▽ More
Chest radiographs are the most common diagnostic exam in emergency rooms and intensive care units today. Recently, a number of researchers have begun working on large chest X-ray datasets to develop deep learning models for recognition of a handful of coarse finding classes such as opacities, masses and nodules. In this paper, we focus on extracting and learning fine-grained labels for chest X-ray images. Specifically we develop a new method of extracting fine-grained labels from radiology reports by combining vocabulary-driven concept extraction with phrasal grouping in dependency parse trees for association of modifiers with findings. A total of 457 fine-grained labels depicting the largest spectrum of findings to date were selected and sufficiently large datasets acquired to train a new deep learning model designed for fine-grained classification. We show results that indicate a highly accurate label extraction process and a reliable learning of fine-grained labels. The resulting network, to our knowledge, is the first to recognize fine-grained descriptions of findings in images covering over nine modifiers including laterality, location, severity, size and appearance.
△ Less
Submitted 18 November, 2020;
originally announced November 2020.
-
Predicting the risk of pancreatic cancer with a CT-based ensemble AI algorithm
Authors:
Chenjie Zhou MD,
Jianhua Ma Ph. D,
Xiaoping Xu MD,
Lei Feng MD,
Adilijiang Yimamu MD,
Xianlong Wang MD,
Zhiming Li MD,
Jianhua Mo MS,
Chengyan Huang MS,
Dexia Kong MS,
Yi Gao MD,
Shulong Li Ph. D
Abstract:
Objectives: Pancreatic cancer is a lethal disease, hard to diagnose and usually results in poor prognosis and high mortality. Developing an artificial intelligence (AI) algorithm to accurately and universally predict the early cancer risk of all kinds of pancreatic cancer is extremely important. We propose an ensemble AI algorithm to predict universally cancer risk of all kinds of pancreatic lesio…
▽ More
Objectives: Pancreatic cancer is a lethal disease, hard to diagnose and usually results in poor prognosis and high mortality. Developing an artificial intelligence (AI) algorithm to accurately and universally predict the early cancer risk of all kinds of pancreatic cancer is extremely important. We propose an ensemble AI algorithm to predict universally cancer risk of all kinds of pancreatic lesions with noncontrast CT. Methods: Our algorithm combines the radiomics method and a support tensor machine (STM) by the evidence reasoning (ER) technique to construct a binary classifier, called RadSTM-ER. RadSTM-ER takes advantage of the handcrafted features used in radiomics and learning features learned automatically by the STM from the CTs for presenting better characteristics of lesions. The patient cohort consisted of 135 patients with pathological diagnosis results where 97 patients had malignant lesions. Twenty-seven patients were randomly selected as independent test samples, and the remaining patients were used in a 5-fold cross validation experiment to confirm the hyperparameters, select optimal handcrafted features and train the model. Results: RadSTM-ER achieved independent test results: an area under the receiver operating characteristic curve of 0.8951, an accuracy of 85.19%, a sensitivity of 88.89%, a specificity of 77.78%, a positive predictive value of 88.89% and a negative predictive value of 77.78%. Conclusions: These results are better than the diagnostic performance of the five experimental radiologists, four conventional AI algorithms, which initially demonstrate the potential of noncontrast CT-based RadSTM-ER in cancer risk prediction for all kinds of pancreatic lesions.
△ Less
Submitted 3 April, 2020;
originally announced April 2020.
-
Assessment of Amazon Comprehend Medical: Medication Information Extraction
Authors:
Benedict Guzman,
MS,
Isabel Metzger,
MS,
Yindalon Aphinyanaphongs,
M. D.,
Ph. D.,
Himanshu Grover,
Ph. D
Abstract:
In November 27, 2018, Amazon Web Services (AWS) released Amazon Comprehend Medical (ACM), a deep learning based system that automatically extracts clinical concepts (which include anatomy, medical conditions, protected health information (PH)I, test names, treatment names, and medical procedures, and medications) from clinical text notes. Uptake and trust in any new data product relies on independ…
▽ More
In November 27, 2018, Amazon Web Services (AWS) released Amazon Comprehend Medical (ACM), a deep learning based system that automatically extracts clinical concepts (which include anatomy, medical conditions, protected health information (PH)I, test names, treatment names, and medical procedures, and medications) from clinical text notes. Uptake and trust in any new data product relies on independent validation across benchmark datasets and tools to establish and confirm expected quality of results. This work focuses on the medication extraction task, and particularly, ACM was evaluated using the official test sets from the 2009 i2b2 Medication Extraction Challenge and 2018 n2c2 Track 2: Adverse Drug Events and Medication Extraction in EHRs. Overall, ACM achieved F-scores of 0.768 and 0.828. These scores ranked the lowest when compared to the three best systems in the respective challenges. To further establish the generalizability of its medication extraction performance, a set of random internal clinical text notes from NYU Langone Medical Center were also included in this work. And in this corpus, ACM garnered an F-score of 0.753.
△ Less
Submitted 2 February, 2020;
originally announced February 2020.
-
KRNET: Image Denoising with Kernel Regulation Network
Authors:
Peng Liu,
Xiaoxiao Zhou,
Junyiyang Li,
El Basha Mohammad D,
Ruogu Fang
Abstract:
One popular strategy for image denoising is to design a generalized regularization term that is capable of exploring the implicit prior underlying data observation. Convolutional neural networks (CNN) have shown the powerful capability to learn image prior information through a stack of layers defined by a combination of kernels (filters) on the input. However, existing CNN-based methods mainly fo…
▽ More
One popular strategy for image denoising is to design a generalized regularization term that is capable of exploring the implicit prior underlying data observation. Convolutional neural networks (CNN) have shown the powerful capability to learn image prior information through a stack of layers defined by a combination of kernels (filters) on the input. However, existing CNN-based methods mainly focus on synthetic gray-scale images. These methods still exhibit low performance when tackling multi-channel color image denoising. In this paper, we optimize CNN regularization capability by developing a kernel regulation module. In particular, we propose a kernel regulation network-block, referred to as KR-block, by integrating the merits of both large and small kernels, that can effectively estimate features in solving image denoising. We build a deep CNN-based denoiser, referred to as KRNET, via concatenating multiple KR-blocks. We evaluate KRNET on additive white Gaussian noise (AWGN), multi-channel (MC) noise, and realistic noise, where KRNET obtains significant performance gains over state-of-the-art methods across a wide spectrum of noise levels.
△ Less
Submitted 19 October, 2019;
originally announced October 2019.
-
Image Restoration Using Deep Regulated Convolutional Networks
Authors:
Peng Liu,
Xiaoxiao Zhou,
Yangjunyi Li,
El Basha Mohammad D,
Ruogu Fang
Abstract:
While the depth of convolutional neural networks has attracted substantial attention in the deep learning research, the width of these networks has recently received greater interest. The width of networks, defined as the size of the receptive fields and the density of the channels, has demonstrated crucial importance in low-level vision tasks such as image denoising and restoration. However, the…
▽ More
While the depth of convolutional neural networks has attracted substantial attention in the deep learning research, the width of these networks has recently received greater interest. The width of networks, defined as the size of the receptive fields and the density of the channels, has demonstrated crucial importance in low-level vision tasks such as image denoising and restoration. However, the limited generalization ability, due to the increased width of networks, creates a bottleneck in designing wider networks. In this paper, we propose the Deep Regulated Convolutional Network (RC-Net), a deep network composed of regulated sub-network blocks cascaded by skip-connections, to overcome this bottleneck. Specifically, the Regulated Convolution block (RC-block), featured by a combination of large and small convolution filters, balances the effectiveness of prominent feature extraction and the generalization ability of the network. RC-Nets have several compelling advantages: they embrace diversified features through large-small filter combinations, alleviate the hazy boundary and blurred details in image denoising and super-resolution problems, and stabilize the learning process. Our proposed RC-Nets outperform state-of-the-art approaches with significant performance gains in various image restoration tasks while demonstrating promising generalization ability. The code is available at https://github.com/cswin/RC-Nets.
△ Less
Submitted 21 June, 2024; v1 submitted 19 October, 2019;
originally announced October 2019.
-
Intracranial Hemorrhage Segmentation Using Deep Convolutional Model
Authors:
Murtadha D. Hssayeni,
M. S.,
Muayad S. Croock,
Ph. D.,
Aymen Al-Ani,
Ph. D.,
Hassan Falah Al-khafaji,
M. D.,
Zakaria A. Yahya,
M. D.,
Behnaz Ghoraani,
Ph. D
Abstract:
Traumatic brain injuries could cause intracranial hemorrhage (ICH). ICH could lead to disability or death if it is not accurately diagnosed and treated in a time-sensitive procedure. The current clinical protocol to diagnose ICH is examining Computerized Tomography (CT) scans by radiologists to detect ICH and localize its regions. However, this process relies heavily on the availability of an expe…
▽ More
Traumatic brain injuries could cause intracranial hemorrhage (ICH). ICH could lead to disability or death if it is not accurately diagnosed and treated in a time-sensitive procedure. The current clinical protocol to diagnose ICH is examining Computerized Tomography (CT) scans by radiologists to detect ICH and localize its regions. However, this process relies heavily on the availability of an experienced radiologist. In this paper, we designed a study protocol to collect a dataset of 82 CT scans of subjects with traumatic brain injury. Later, the ICH regions were manually delineated in each slice by a consensus decision of two radiologists. Recently, fully convolutional networks (FCN) have shown to be successful in medical image segmentation. We developed a deep FCN, called U-Net, to segment the ICH regions from the CT scans in a fully automated manner. The method achieved a Dice coefficient of 0.31 for the ICH segmentation based on 5-fold cross-validation. The dataset is publicly available online at PhysioNet repository for future analysis and comparison.
△ Less
Submitted 15 November, 2019; v1 submitted 18 October, 2019;
originally announced October 2019.
-
Generative Adversarial Networks Synthesize Realistic OCT Images of the Retina
Authors:
Stephen G. Odaibo,
M. D.,
M. S.,
M. S.
Abstract:
We report, to our knowledge, the first end-to-end application of Generative Adversarial Networks (GANs) towards the synthesis of Optical Coherence Tomography (OCT) images of the retina. Generative models have gained recent attention for the increasingly realistic images they can synthesize, given a sampling of a data type. In this paper, we apply GANs to a sampling distribution of OCTs of the reti…
▽ More
We report, to our knowledge, the first end-to-end application of Generative Adversarial Networks (GANs) towards the synthesis of Optical Coherence Tomography (OCT) images of the retina. Generative models have gained recent attention for the increasingly realistic images they can synthesize, given a sampling of a data type. In this paper, we apply GANs to a sampling distribution of OCTs of the retina. We observe the synthesis of realistic OCT images depicting recognizable pathology such as macular holes, choroidal neovascular membranes, myopic degeneration, cystoid macular edema, and central serous retinopathy amongst others. This represents the first such report of its kind. Potential applications of this new technology include for surgical simulation, for treatment planning, for disease prognostication, and for accelerating the development of new drugs and surgical procedures to treat retinal disease.
△ Less
Submitted 18 February, 2019;
originally announced February 2019.
-
Estimating the Circuit Deobfuscating Runtime based on Graph Deep Learning
Authors:
Zhiqian Chen,
Gaurav Kolhe,
Setareh Rafatirad,
Sai Manoj P. D.,
Houman Homayoun,
Liang Zhao,
Chang-Tien Lu
Abstract:
Circuit obfuscation is a recently proposed defense mechanism to protect digital integrated circuits (ICs) from reverse engineering by using camouflaged gates i.e., logic gates whose functionality cannot be precisely determined by the attacker. There have been effective schemes such as satisfiability-checking (SAT)-based attacks that can potentially decrypt obfuscated circuits, called deobfuscation…
▽ More
Circuit obfuscation is a recently proposed defense mechanism to protect digital integrated circuits (ICs) from reverse engineering by using camouflaged gates i.e., logic gates whose functionality cannot be precisely determined by the attacker. There have been effective schemes such as satisfiability-checking (SAT)-based attacks that can potentially decrypt obfuscated circuits, called deobfuscation. Deobfuscation runtime could have a large span ranging from few milliseconds to thousands of years or more, depending on the number and layouts of the ICs and camouflaged gates. And hence accurately pre-estimating the deobfuscation runtime is highly crucial for the defenders to maximize it and optimize their defense. However, estimating the deobfuscation runtime is a challenging task due to 1) the complexity and heterogeneity of graph-structured circuit, 2) the unknown and sophisticated mechanisms of the attackers for deobfuscation. To address the above mentioned challenges, this work proposes the first machine-learning framework that predicts the deobfuscation runtime based on graph deep learning techniques. Specifically, we design a new model, ICNet with new input and convolution layers to characterize and extract graph frequencies from ICs, which are then integrated by heterogeneous deep fully-connected layers to obtain final output. ICNet is an end-to-end framework which can automatically extract the determinant features for deobfuscation runtime. Extensive experiments demonstrate its effectiveness and efficiency.
△ Less
Submitted 21 March, 2020; v1 submitted 14 February, 2019;
originally announced February 2019.
-
Wearable-based Mediation State Detection in Individuals with Parkinson's Disease
Authors:
Murtadha D. Hssayeni,
Michelle A. Burack,
M. D.,
Joohi Jimenez-Shahed,
M. D.,
Behnaz Ghoraani,
Ph. D
Abstract:
One of the most prevalent complaints of individuals with mid-stage and advanced Parkinson's disease (PD) is the fluctuating response to their medication (i.e., ON state with maximum benefit from medication and OFF state with no benefit from medication). In order to address these motor fluctuations, the patients go through periodic clinical examination where the treating physician reviews the patie…
▽ More
One of the most prevalent complaints of individuals with mid-stage and advanced Parkinson's disease (PD) is the fluctuating response to their medication (i.e., ON state with maximum benefit from medication and OFF state with no benefit from medication). In order to address these motor fluctuations, the patients go through periodic clinical examination where the treating physician reviews the patients' self-report about duration in different medication states and optimize therapy accordingly. Unfortunately, the patients' self-report can be unreliable and suffer from recall bias. There is a need to a technology-based system that can provide objective measures about the duration in different medication states that can be used by the treating physician to successfully adjust the therapy. In this paper, we developed a medication state detection algorithm to detect medication states using two wearable motion sensors. A series of significant features are extracted from the motion data and used in a classifier that is based on a support vector machine with fuzzy labeling. The developed algorithm is evaluated using a dataset with 19 PD subjects and a total duration of 1,052.24 minutes (17.54 hours). The algorithm resulted in an average classification accuracy of 90.5%, sensitivity of 94.2%, and specificity of 85.4%.
△ Less
Submitted 18 September, 2018;
originally announced September 2018.
-
Measures of Cluster Informativeness for Medical Evidence Aggregation and Dissemination
Authors:
Michael Segundo Ortiz,
Sam Bubnovich,
Mengqian Wang,
Kazuhiro Seki Ph. D.,
Javed Mostafa Ph. D
Abstract:
The largest collection of medical evidence in the world is PubMed. However, the significant barrier in accessing and extracting information is information organization. A factor that contributes towards this barrier is managing medical controlled vocabularies that allow us to systematically and consistently organize, index, and search biomedical literature. Additionally, from users' perspective, t…
▽ More
The largest collection of medical evidence in the world is PubMed. However, the significant barrier in accessing and extracting information is information organization. A factor that contributes towards this barrier is managing medical controlled vocabularies that allow us to systematically and consistently organize, index, and search biomedical literature. Additionally, from users' perspective, to ultimately improve access, visualization is likely to play a powerful role. There is a strong link between information organization and information visualization, as many powerful visualizations depend on clustering methods. To improve visualization, therefore, one has to develop concrete and scalable measures for vocabularies used in indexing and their impact on document clustering. The focus of this study is on the development and evaluation of clustering methods. The paper concludes with demonstration of downstream network visualizations and their impact on discovering potentially valuable and latent genetic and molecular associations.
△ Less
Submitted 5 September, 2018;
originally announced September 2018.
-
Geared Rotationally Identical and Invariant Convolutional Neural Network Systems
Authors:
ShihChung B. Lo,
Ph. D.,
Matthew T. Freedman,
M. D.,
Seong K. Mun,
Ph. D.,
Heang-Ping Chan,
Ph. D
Abstract:
Theorems and techniques to form different types of transformationally invariant processing and to produce the same output quantitatively based on either transformationally invariant operators or symmetric operations have recently been introduced by the authors. In this study, we further propose to compose a geared rotationally identical CNN system (GRI-CNN) with a small step angle by connecting ne…
▽ More
Theorems and techniques to form different types of transformationally invariant processing and to produce the same output quantitatively based on either transformationally invariant operators or symmetric operations have recently been introduced by the authors. In this study, we further propose to compose a geared rotationally identical CNN system (GRI-CNN) with a small step angle by connecting networks of participated processes at the first flatten layer. Using an ordinary CNN structure as a base, requirements for constructing a GRI-CNN include the use of either symmetric input vector or kernels with an angle increment that can form a complete cycle as a "gearwheel". Four basic GRI-CNN structures were studied. Each of them can produce quantitatively identical output results when a rotation angle of the input vector is evenly divisible by the step angle of the gear. Our study showed when an input vector rotated with an angle does not match to a step angle, the GRI-CNN can also produce a highly consistent result. With a design of using an ultra-fine gear-tooth step angle (e.g., 1 degree or 0.1 degree), all four GRI-CNN systems can be constructed virtually isotropically.
△ Less
Submitted 10 August, 2018; v1 submitted 2 August, 2018;
originally announced August 2018.
-
A Novel Hybrid Machine Learning Model for Auto-Classification of Retinal Diseases
Authors:
C. -H. Huck Yang,
Jia-Hong Huang,
Fangyu Liu,
Fang-Yi Chiu,
Mengya Gao,
Weifeng Lyu,
I-Hung Lin M. D.,
Jesper Tegner
Abstract:
Automatic clinical diagnosis of retinal diseases has emerged as a promising approach to facilitate discovery in areas with limited access to specialists. We propose a novel visual-assisted diagnosis hybrid model based on the support vector machine (SVM) and deep neural networks (DNNs). The model incorporates complementary strengths of DNNs and SVM. Furthermore, we present a new clinical retina lab…
▽ More
Automatic clinical diagnosis of retinal diseases has emerged as a promising approach to facilitate discovery in areas with limited access to specialists. We propose a novel visual-assisted diagnosis hybrid model based on the support vector machine (SVM) and deep neural networks (DNNs). The model incorporates complementary strengths of DNNs and SVM. Furthermore, we present a new clinical retina label collection for ophthalmology incorporating 32 retina diseases classes. Using EyeNet, our model achieves 89.73% diagnosis accuracy and the model performance is comparable to the professional ophthalmologists.
△ Less
Submitted 17 June, 2018;
originally announced June 2018.
-
Exploiting Partial Structural Symmetry For Patient-Specific Image Augmentation in Trauma Interventions
Authors:
Javad Fotouhi,
Mathias Unberath,
Giacomo Taylor,
Arash Ghaani Farashahi,
Bastian Bier,
Russell H. Taylor,
Greg M. Osgood,
M. D.,
Mehran Armand,
Nassir Navab
Abstract:
In unilateral pelvic fracture reductions, surgeons attempt to reconstruct the bone fragments such that bilateral symmetry in the bony anatomy is restored. We propose to exploit this "structurally symmetric" nature of the pelvic bone, and provide intra-operative image augmentation to assist the surgeon in repairing dislocated fragments. The main challenge is to automatically estimate the desired pl…
▽ More
In unilateral pelvic fracture reductions, surgeons attempt to reconstruct the bone fragments such that bilateral symmetry in the bony anatomy is restored. We propose to exploit this "structurally symmetric" nature of the pelvic bone, and provide intra-operative image augmentation to assist the surgeon in repairing dislocated fragments. The main challenge is to automatically estimate the desired plane of symmetry within the patient's pre-operative CT. We propose to estimate this plane using a non-linear optimization strategy, by minimizing Tukey's biweight robust estimator, relying on the partial symmetry of the anatomy. Moreover, a regularization term is designed to enforce the similarity of bone density histograms on both sides of this plane, relying on the biological fact that, even if injured, the dislocated bone segments remain within the body. The experimental results demonstrate the performance of the proposed method in estimating this "plane of partial symmetry" using CT images of both healthy and injured anatomy. Examples of unilateral pelvic fractures are used to show how intra-operative X-ray images could be augmented with the forward-projections of the mirrored anatomy, acting as objective road-map for fracture reduction procedures.
△ Less
Submitted 9 April, 2018;
originally announced April 2018.
-
Symbolic computation of weighted Moore-Penrose inverse using partitioning method
Authors:
Tasić,
M. B.,
Stanimirović,
P. S.,
Petković,
M. D
Abstract:
We propose a method and algorithm for computing the weighted Moore-Penrose inverse of one-variable rational matrices. Continuing this idea, we develop an algorithm for computing the weighted Moore-Penrose inverse of one-variable polynomial matrix. These methods and algorithms are generalizations of the method for computing the weighted Moore-Penrose inverse for constant matrices, originated in Wan…
▽ More
We propose a method and algorithm for computing the weighted Moore-Penrose inverse of one-variable rational matrices. Continuing this idea, we develop an algorithm for computing the weighted Moore-Penrose inverse of one-variable polynomial matrix. These methods and algorithms are generalizations of the method for computing the weighted Moore-Penrose inverse for constant matrices, originated in Wang and Chen [G.R. Wang, Y.L. Chen, A recursive algorithm for computing the weighted Moore-Penrose inverse AMN, J. Comput. Math. 4 (1986) 74-85], and the partitioning method for computing the Moore-Penrose inverse of rational and polynomial matrices introduced in Stanimirovic and Tasic [P.S. Stanimirovic, M.B. Tasic, Partitioning method for rational and polynomial matrices, Appl. Math. Comput. 155 (2004) 137-163]. Algorithms are implemented in the symbolic computational package MATHEMATICA.
△ Less
Submitted 9 April, 2011;
originally announced April 2011.
-
Effective partitioning method for computing weighted Moore-Penrose inverse
Authors:
Petković,
M. D.,
Stanimirović,
P. S.,
Tasić,
M. B
Abstract:
We introduce a method and an algorithm for computing the weighted Moore-Penrose inverse of multiple-variable polynomial matrix and the related algorithm which is appropriated for sparse polynomial matrices. These methods and algorithms are generalizations of algorithms developed in [M.B. Tasic, P.S. Stanimirovic, M.D. Petkovic, Symbolic computation of weighted Moore-Penrose inverse using partition…
▽ More
We introduce a method and an algorithm for computing the weighted Moore-Penrose inverse of multiple-variable polynomial matrix and the related algorithm which is appropriated for sparse polynomial matrices. These methods and algorithms are generalizations of algorithms developed in [M.B. Tasic, P.S. Stanimirovic, M.D. Petkovic, Symbolic computation of weighted Moore-Penrose inverse using partitioning method, Appl. Math. Comput. 189 (2007) 615-640] to multiple-variable rational and polynomial matrices and improvements of these algorithms on sparse matrices. Also, these methods are generalizations of the partitioning method for computing the Moore-Penrose inverse of rational and polynomial matrices introduced in [P.S. Stanimirovic, M.B. Tasic, Partitioning method for rational and polynomial matrices, Appl. Math. Comput. 155 (2004) 137-163; M.D. Petkovic, P.S. Stanimirovic, Symbolic computation of the Moore-Penrose inverse using partitioning method, Internat. J. Comput. Math. 82 (2005) 355-367] to the case of weighted Moore-Penrose inverse. Algorithms are implemented in the symbolic computational package MATHEMATICA.
△ Less
Submitted 9 April, 2011;
originally announced April 2011.
-
Power Efficient Resource Allocation for Clouds Using Ant Colony Framework
Authors:
Lskrao Chimakurthi,
Madhu Kumar S D
Abstract:
Cloud computing is one of the rapidly improving technologies. It provides scalable resources needed for the ap- plications hosted on it. As cloud-based services become more dynamic, resource provisioning becomes more challenging. The QoS constrained resource allocation problem is considered in this paper, in which customers are willing to host their applications on the provider's cloud with a give…
▽ More
Cloud computing is one of the rapidly improving technologies. It provides scalable resources needed for the ap- plications hosted on it. As cloud-based services become more dynamic, resource provisioning becomes more challenging. The QoS constrained resource allocation problem is considered in this paper, in which customers are willing to host their applications on the provider's cloud with a given SLA requirements for performance such as throughput and response time. Since, the data centers hosting the applications consume huge amounts of energy and cause huge operational costs, solutions that reduce energy consumption as well as operational costs are gaining importance. In this work, we propose an energy efficient mechanism that allocates the cloud resources to the applications without violating the given service level agreements(SLA) using Ant colony framework.
△ Less
Submitted 13 February, 2011;
originally announced February 2011.